Kerasを使ってモデルを作って訓練します。


Kerasは既存の深さ学習のフレームワークに構築された二次フレームであるため、非常に便利に使用され、そのバックエンドは二つの方法があり、theanoとtenssor flowが実現されている。自分は普段テナントflowを使っているので、バックエンドを選んでテナントflowのKerasを使って、コードを書くのがもっと便利です。
1、モデルを作る
Kerasは2つの異なるモデリング方式に分けられ、
Sequential models:この方法はいくつかの簡単なモデルを実現するために用いられる。存在するモデルに層を追加するだけでいいです。
Functional API:KerasのAPIは非常に強力であり、これらのAPIを利用してより複雑なモデルを構築することができます。
ここではsequential models方法を採用します。
シーケンスモデルを構築します。

def define_model():

  model = Sequential()

  # setup first conv layer
  model.add(Conv2D(32, (3, 3), activation="relu",
           input_shape=(120, 120, 3), padding='same')) # [10, 120, 120, 32]

  # setup first maxpooling layer
  model.add(MaxPooling2D(pool_size=(2, 2))) # [10, 60, 60, 32]

  # setup second conv layer
  model.add(Conv2D(8, kernel_size=(3, 3), activation="relu",
           padding='same')) # [10, 60, 60, 8]

  # setup second maxpooling layer
  model.add(MaxPooling2D(pool_size=(3, 3))) # [10, 20, 20, 8]

  # add bianping layer, 3200 = 20 * 20 * 8
  model.add(Flatten()) # [10, 3200]

  # add first full connection layer
  model.add(Dense(512, activation='sigmoid')) # [10, 512]

  # add dropout layer
  model.add(Dropout(0.5))

  # add second full connection layer
  model.add(Dense(4, activation='softmax')) # [10, 4]

  return model
モデルを定義する際に出力されるネットワーク構造が見られます。

2、データを用意する

def load_data(resultpath):
  datapath = os.path.join(resultpath, "data10_4.npz")
  if os.path.exists(datapath):
    data = np.load(datapath)
    X, Y = data["X"], data["Y"]
  else:
    X = np.array(np.arange(432000)).reshape(10, 120, 120, 3)
    Y = [0, 0, 1, 1, 2, 2, 3, 3, 2, 0]
    X = X.astype('float32')
    Y = np_utils.to_categorical(Y, 4)
    np.savez(datapath, X=X, Y=Y)
    print('Saved dataset to dataset.npz.')
  print('X_shape:{}
Y_shape:{}'.format(X.shape, Y.shape)) return X, Y

3、トレーニングモデル

def train_model(resultpath):
  model = define_model()

  # if want to use SGD, first define sgd, then set optimizer=sgd
  sgd = SGD(lr=0.001, decay=1e-6, momentum=0, nesterov=True)

  # select loss\optimizer\
  model.compile(loss=categorical_crossentropy,
         optimizer=Adam(), metrics=['accuracy'])
  model.summary()

  # draw the model structure
  plot_model(model, show_shapes=True,
        to_file=os.path.join(resultpath, 'model.png'))

  # load data
  X, Y = load_data(resultpath)

  # split train and test data
  X_train, X_test, Y_train, Y_test = train_test_split(
    X, Y, test_size=0.2, random_state=2)

  # input data to model and train
  history = model.fit(X_train, Y_train, batch_size=2, epochs=10,
            validation_data=(X_test, Y_test), verbose=1, shuffle=True)

  # evaluate the model
  loss, acc = model.evaluate(X_test, Y_test, verbose=0)
  print('Test loss:', loss)
  print('Test accuracy:', acc)
トレーニング時に出力されたログを見ることができます。ランダムなデータですから、意味がありません。ここで訓練した結果は計算する必要はなく、練習するだけです。

保存されたモデル構造:

4、モデルの保存とロードとテスト
保存方法は二つあります。
4.1直接保存モデルh 5
保存:

def my_save_model(resultpath):

  model = train_model(resultpath)

  # the first way to save model
  model.save(os.path.join(resultpath, 'my_model.h5'))
読み込み:

def my_load_model(resultpath):

  # test data
  X = np.array(np.arange(86400)).reshape(2, 120, 120, 3)
  Y = [0, 1]
  X = X.astype('float32')
  Y = np_utils.to_categorical(Y, 4)

  # the first way of load model
  model2 = load_model(os.path.join(resultpath, 'my_model.h5'))
  model2.compile(loss=categorical_crossentropy,
         optimizer=Adam(), metrics=['accuracy'])

  test_loss, test_acc = model2.evaluate(X, Y, verbose=0)
  print('Test loss:', test_loss)
  print('Test accuracy:', test_acc)

  y = model2.predict_classes(X)
  print("predicct is: ", y)

4.2ネットワーク構造と重み付けをそれぞれ保存する
保存:

def my_save_model(resultpath):

  model = train_model(resultpath)

  # the secon way : save trained network structure and weights
  model_json = model.to_json()
  open(os.path.join(resultpath, 'my_model_structure.json'), 'w').write(model_json)
  model.save_weights(os.path.join(resultpath, 'my_model_weights.hd5'))
読み込み:

def my_load_model(resultpath):

  # test data
  X = np.array(np.arange(86400)).reshape(2, 120, 120, 3)
  Y = [0, 1]
  X = X.astype('float32')
  Y = np_utils.to_categorical(Y, 4)

  # the second way : load model structure and weights
  model = model_from_json(open(os.path.join(resultpath, 'my_model_structure.json')).read())
  model.load_weights(os.path.join(resultpath, 'my_model_weights.hd5'))
  model.compile(loss=categorical_crossentropy,
         optimizer=Adam(), metrics=['accuracy']) 

  test_loss, test_acc = model.evaluate(X, Y, verbose=0)
  print('Test loss:', test_loss)
  print('Test accuracy:', test_acc)

  y = model.predict_classes(X)
  print("predicct is: ", y)

二回の結果は同じです。
5、完全コード

from keras.models import Sequential
from keras.layers import Dense, Conv2D, MaxPooling2D, Flatten, Dropout
from keras.losses import categorical_crossentropy
from keras.optimizers import Adam
from keras.utils.vis_utils import plot_model
from keras.optimizers import SGD
from keras.models import model_from_json
from keras.models import load_model
from keras.utils import np_utils
import numpy as np
import os
from sklearn.model_selection import train_test_split

def load_data(resultpath):
  datapath = os.path.join(resultpath, "data10_4.npz")
  if os.path.exists(datapath):
    data = np.load(datapath)
    X, Y = data["X"], data["Y"]
  else:
    X = np.array(np.arange(432000)).reshape(10, 120, 120, 3)
    Y = [0, 0, 1, 1, 2, 2, 3, 3, 2, 0]
    X = X.astype('float32')
    Y = np_utils.to_categorical(Y, 4)
    np.savez(datapath, X=X, Y=Y)
    print('Saved dataset to dataset.npz.')
  print('X_shape:{}
Y_shape:{}'.format(X.shape, Y.shape)) return X, Y def define_model(): model = Sequential() # setup first conv layer model.add(Conv2D(32, (3, 3), activation="relu", input_shape=(120, 120, 3), padding='same')) # [10, 120, 120, 32] # setup first maxpooling layer model.add(MaxPooling2D(pool_size=(2, 2))) # [10, 60, 60, 32] # setup second conv layer model.add(Conv2D(8, kernel_size=(3, 3), activation="relu", padding='same')) # [10, 60, 60, 8] # setup second maxpooling layer model.add(MaxPooling2D(pool_size=(3, 3))) # [10, 20, 20, 8] # add bianping layer, 3200 = 20 * 20 * 8 model.add(Flatten()) # [10, 3200] # add first full connection layer model.add(Dense(512, activation='sigmoid')) # [10, 512] # add dropout layer model.add(Dropout(0.5)) # add second full connection layer model.add(Dense(4, activation='softmax')) # [10, 4] return model def train_model(resultpath): model = define_model() # if want to use SGD, first define sgd, then set optimizer=sgd sgd = SGD(lr=0.001, decay=1e-6, momentum=0, nesterov=True) # select loss\optimizer\ model.compile(loss=categorical_crossentropy, optimizer=Adam(), metrics=['accuracy']) model.summary() # draw the model structure plot_model(model, show_shapes=True, to_file=os.path.join(resultpath, 'model.png')) # load data X, Y = load_data(resultpath) # split train and test data X_train, X_test, Y_train, Y_test = train_test_split( X, Y, test_size=0.2, random_state=2) # input data to model and train history = model.fit(X_train, Y_train, batch_size=2, epochs=10, validation_data=(X_test, Y_test), verbose=1, shuffle=True) # evaluate the model loss, acc = model.evaluate(X_test, Y_test, verbose=0) print('Test loss:', loss) print('Test accuracy:', acc) return model def my_save_model(resultpath): model = train_model(resultpath) # the first way to save model model.save(os.path.join(resultpath, 'my_model.h5')) # the secon way : save trained network structure and weights model_json = model.to_json() open(os.path.join(resultpath, 'my_model_structure.json'), 'w').write(model_json) model.save_weights(os.path.join(resultpath, 'my_model_weights.hd5')) def my_load_model(resultpath): # test data X = np.array(np.arange(86400)).reshape(2, 120, 120, 3) Y = [0, 1] X = X.astype('float32') Y = np_utils.to_categorical(Y, 4) # the first way of load model model2 = load_model(os.path.join(resultpath, 'my_model.h5')) model2.compile(loss=categorical_crossentropy, optimizer=Adam(), metrics=['accuracy']) test_loss, test_acc = model2.evaluate(X, Y, verbose=0) print('Test loss:', test_loss) print('Test accuracy:', test_acc) y = model2.predict_classes(X) print("predicct is: ", y) # the second way : load model structure and weights model = model_from_json(open(os.path.join(resultpath, 'my_model_structure.json')).read()) model.load_weights(os.path.join(resultpath, 'my_model_weights.hd5')) model.compile(loss=categorical_crossentropy, optimizer=Adam(), metrics=['accuracy']) test_loss, test_acc = model.evaluate(X, Y, verbose=0) print('Test loss:', test_loss) print('Test accuracy:', test_acc) y = model.predict_classes(X) print("predicct is: ", y) def main(): resultpath = "result" #train_model(resultpath) #my_save_model(resultpath) my_load_model(resultpath) if __name__ == "__main__": main()
以上のKerasを使って模型を作って訓練します。一連の操作方法は小編が皆さんの全部の内容を共有しています。参考にしていただければと思います。よろしくお願いします。