Theano的线性回归 - 维度不匹配

时间:2016-03-24 13:12:43

标签: python machine-learning linear-regression theano

我熟悉Theano和机器学习。为此,我想计算一个线性回归。我的代码的灵感来自Theano简介中的logistic regression example

我写了以下代码:

    import numpy
    import theano
    import theano.tensor as T

    class LinearRegression(object):
        """ Calculate Linear Regression """

        def __init__(self, input):
            """ Initialize the parameters of the logistic regression

            Parameters:
            -----------

            :type input: theano.tensor.TensorType
            :param input: symbolic variable that describes the input of the
                          architecture (one minibatch)
            """
            self.W = theano.shared(
                value=numpy.zeros(1, dtype=theano.config.floatX),
                name='W', borrow=True
            )

            self.b = theano.shared(
                value=numpy.zeros(1, dtype=theano.config.floatX),
                name='b', borrow=True
            )

            self.y_pred = T.dot(input, self.W) + self.b

        def errors(self, y):
            """ The squared distance

            Parameters:
            ----------

            :y input: array_like:
            :param input: the sample data

            """
            errors = y- self.y_pred
            return T.sum(T.pow(errors, 2))


    def sgd_optimization(learning_rate=0.0013, n_epochs=100):
        """
        Demonstrate stochastic gradient descent optimization of a linear model

        Parameters:
        -----
        :type learning_rate: float
        :param learning_rate: learning rate used (factor for the stochastic
                              gradient)

        :type n_epochs: int
        :param n_epochs: maximal number of epochs to run the optimizer
        """
        x_train = numpy.random.uniform(low=-2, high = 2, size=(50,1))
        epsilon =  numpy.random.normal(scale=0.01, size=50)
        y_train = numpy.squeeze(2*x_train) + epsilon

        costs = []
        eta0, x, y = T.scalar('eta0'), T.matrix(name='x'), T.vector(name='y')

        classifier = LinearRegression(input = x)
        cost = classifier.errors(y)
        g_W = T.grad(cost=cost, wrt=classifier.W)
        g_b = T.grad(cost=cost, wrt=classifier.b)
        update = [(classifier.W, classifier.W - eta0 * g_W),
                   (classifier.b, classifier.b - eta0 * g_b)]

        train = theano.function(inputs = [eta0],
                                outputs = cost,
                                updates = update,
                                givens = {x: x_train, y: y_train})

        for _ in range(n_epochs):
            costs.append(train(learning_rate))

        return costs, w

    SSE, regressor = sgd_optimization()

不幸的是,当我运行代码时,Python会返回以下错误消息:

ValueError: Input dimension mis-match. (input[0].shape[0] = 1, input[1].shape[0] = 50)
Apply node that caused the error: Elemwise{Composite{((-i0) + i1)}}[(0, 1)](b, CGemv{no_inplace}.0)
Inputs types: [TensorType(float64, vector), TensorType(float64, vector)]
Inputs shapes: [(1,), (50,)]
Inputs strides: [(8,), (8,)]
Inputs values: [array([ 0.]), 'not shown']

HINT: Re-running with most Theano optimization disabled could give you a back-trace of when this node was created. This can be done with by setting the Theano flag 'optimizer=fast_compile'. If that does not work, Theano optimizations can be disabled with 'optimizer=None'.
HINT: Use the Theano flag 'exception_verbosity=high' for a debugprint and storage map footprint of this apply node.

我怀疑该错误与样本数据的维度(50,1)和维度(1,1)的回归量有关。不过,从一段时间以来,我无法纠正我的代码中的错误。有人可以提供一些如何纠正错误的提示吗?我很感激任何帮助!

1 个答案:

答案 0 :(得分:1)

您需要广播b

self.y_pred = T.dot(input, self.W) + self.b[:, None]

我希望Theano自动执行此操作,但似乎情况并非如此。

要找到问题,请按照错误消息建议操作并以高异常详细程度运行Theano

$ THEANO_FLAGS='exception_verbosity=high' python path/to/script.py

这会产生大量输出,包括有问题的节点及其操作数

Debugprint of the apply node:
Elemwise{Composite{((-i0) + i1)}}[(0, 1)] [@A] <TensorType(float64, vector)> ''
 |b [@B] <TensorType(float64, vector)>
 |CGemv{no_inplace} [@C] <TensorType(float64, vector)> ''
   |<TensorType(float64, vector)> [@D] <TensorType(float64, vector)>
   |TensorConstant{-1.0} [@E] <TensorType(float64, scalar)>
   |<TensorType(float64, matrix)> [@F] <TensorType(float64, matrix)>
   |W [@G] <TensorType(float64, vector)>
   |TensorConstant{1.0} [@H] <TensorType(float64, scalar)>

该节点对应于从临时节点b减去CGemv{no_inplace}。涉及b的唯一代码行是

self.y_pred = T.dot(input, self.W) + self.b