自定义丢失功能,无需使用keras后端库

时间:2019-06-25 09:16:32

标签: python tensorflow machine-learning keras loss-function

我正在将ML模型应用于实验设置,以优化驱动信号。驱动信号本身就是被优化的东西,但是其质量是间接评估的(将其应用于实验装置以产生不同的信号)。

我能够通过python中的函数运行并从实验中收集数据。

我想用一个自定义损失函数建立一个ML模型,该函数以优化的信号调用实验驱动程序函数,以获取用于反向传播的误差。

我已经研究过使用keras,但是必须专门使用keras后端函数的限制意味着我无法在该函数中调用驱动程序函数。

我想知道是否可以在没有keras前端的情况下使用张量流以及是否有其他ML API允许这样做吗?

谢谢。

1 个答案:

答案 0 :(得分:5)

如果我理解了这个问题,那么您希望能够根据模型评估损失函数时运行的代码来产生损失。

这将是一个示例:

import numpy as np
import tensorflow as tf
from tensorflow import keras
from tensorflow.keras.layers import *
from tensorflow.keras.models import Model
from tensorflow.keras import backend as K

FACTORS = np.array([[0.5, 2.0, 4.0]])

def ext_function(inputs):
  """ This can be an arbitrary python function of the inputs
  inputs is a tf.EagerTensor which can be converted into a numpy array.
  """
  r = np.dot(inputs, FACTORS.T)
  return r

class LossFunction(object):
  def __init__(self, model):
    # Use model to obtain the inputs
    self.model = model

  def __call__(self, y_true, y_pred, sample_weight=None):
    """ ignore y_true value from fit params and compute it instead using
    ext_function
    """
    y_true = tf.py_function(ext_function, [self.model.inputs[0]], Tout=tf.float32)
    v = keras.losses.mean_squared_error(y_true, y_pred)
    return K.mean(v)

def make_model():
  inp = Input(shape=(3,))
  out = Dense(1, use_bias=False)(inp)
  model = Model(inp, out)
  model.compile('adam', LossFunction(model))
  return model

model = make_model()
model.summary()

测试:

import numpy as np


N_SAMPLES=100
X = np.random.rand(N_SAMPLES, 3)
Y_dummy = np.random.rand(N_SAMPLES)

history = model.fit(X, Y_dummy, epochs=1000, verbose=False)
print(history.history['loss'][-1])

它实际上做了一些事情:

model.layers[1].get_weights()

请注意,简单地生成正确的Y值作为输入将更加简单。我不完全知道您遇到的问题。但是,如果可能的话,请尝试预先生成Y。不要使用上面的示例。

我已经使用上述技巧创建了由类加权的自定义指标。即,在其中输入参数之一是类别并且所需损失函数是每类损失的加权平均值的情况下。