使用深度学习来预测序列的子序列

时间:2016-05-12 07:20:48

标签: python theano deep-learning keras

我的数据如下:

enter image description here

可以查看here,并且已包含在下面的代码中。 实际上我有~7000个样本(行),downloadable too

任务给予抗原,预测相应的表位。 因此表位始终是抗原的精确子串。这相当于 Sequence to Sequence Learning 。这是我在Keras下的Recurrent Neural Network上运行的代码。它是根据example建模的。

我的问题是:

  1. RNN,LSTM或GRU可用于预测上面提出的子序列吗?
  2. 如何提高代码的准确性?
  3. 如何修改我的代码以便它可以更快地运行?
  4. 这是我的运行代码,它给出了非常差的准确度分数。

    #!/usr/bin/env python
    # -*- coding: utf-8 -*-
    from __future__ import print_function
    import sys
    import json
    import pandas as pd
    from keras.models import Sequential
    from keras.engine.training import slice_X
    from keras.layers.core import Activation,  RepeatVector, Dense
    from keras.layers import recurrent, TimeDistributed
    import numpy as np
    from six.moves import range
    
    class CharacterTable(object):
        '''
        Given a set of characters:
        + Encode them to a one hot integer representation
        + Decode the one hot integer representation to their character output
        + Decode a vector of probabilties to their character output
        '''
        def __init__(self, chars, maxlen):
            self.chars = sorted(set(chars))
            self.char_indices = dict((c, i) for i, c in enumerate(self.chars))
            self.indices_char = dict((i, c) for i, c in enumerate(self.chars))
            self.maxlen = maxlen
    
        def encode(self, C, maxlen=None):
            maxlen = maxlen if maxlen else self.maxlen
            X = np.zeros((maxlen, len(self.chars)))
            for i, c in enumerate(C):
                X[i, self.char_indices[c]] = 1
            return X
    
        def decode(self, X, calc_argmax=True):
            if calc_argmax:
                X = X.argmax(axis=-1)
            return ''.join(self.indices_char[x] for x in X)
    
    class colors:
        ok = '\033[92m'
        fail = '\033[91m'
        close = '\033[0m'
    
    INVERT = True
    HIDDEN_SIZE = 128
    BATCH_SIZE = 64
    LAYERS = 3
    # Try replacing GRU, or SimpleRNN
    RNN = recurrent.LSTM
    
    
    def main():
        """
        Epitope_core = answers
        Antigen      = questions
        """
    
        epi_antigen_df = pd.io.parsers.read_table("http://dpaste.com/2PZ9WH6.txt")
        antigens = epi_antigen_df["Antigen"].tolist()
        epitopes = epi_antigen_df["Epitope Core"].tolist()
    
        if INVERT:
            antigens = [ x[::-1] for x in antigens]
    
        allchars = "".join(antigens+epitopes)
        allchars = list(set(allchars))
        aa_chars =  "".join(allchars)
        sys.stderr.write(aa_chars + "\n")
    
        max_antigen_len = len(max(antigens, key=len))
        max_epitope_len = len(max(epitopes, key=len))
    
        X = np.zeros((len(antigens),max_antigen_len, len(aa_chars)),dtype=np.bool)
        y = np.zeros((len(epitopes),max_epitope_len, len(aa_chars)),dtype=np.bool)
    
        ctable = CharacterTable(aa_chars, max_antigen_len)
    
        sys.stderr.write("Begin vectorization\n")
        for i, antigen in enumerate(antigens):
            X[i] = ctable.encode(antigen, maxlen=max_antigen_len)
        for i, epitope in enumerate(epitopes):
            y[i] = ctable.encode(epitope, maxlen=max_epitope_len)
    
    
        # Shuffle (X, y) in unison as the later parts of X will almost all be larger digits
        indices = np.arange(len(y))
        np.random.shuffle(indices)
        X = X[indices]
        y = y[indices]
    
        # Explicitly set apart 10% for validation data that we never train over
        split_at = len(X) - len(X) / 10
        (X_train, X_val) = (slice_X(X, 0, split_at), slice_X(X, split_at))
        (y_train, y_val) = (y[:split_at], y[split_at:])
    
        sys.stderr.write("Build model\n")
        model = Sequential()
        # "Encode" the input sequence using an RNN, producing an output of HIDDEN_SIZE
        # note: in a situation where your input sequences have a variable length,
        # use input_shape=(None, nb_feature).
        model.add(RNN(HIDDEN_SIZE, input_shape=(max_antigen_len, len(aa_chars))))
        # For the decoder's input, we repeat the encoded input for each time step
        model.add(RepeatVector(max_epitope_len))
        # The decoder RNN could be multiple layers stacked or a single layer
        for _ in range(LAYERS):
            model.add(RNN(HIDDEN_SIZE, return_sequences=True))
    
        # For each of step of the output sequence, decide which character should be chosen
        model.add(TimeDistributed(Dense(len(aa_chars))))
        model.add(Activation('softmax'))
    
        model.compile(loss='categorical_crossentropy',
                    optimizer='adam',
                    metrics=['accuracy'])
    
        # Train the model each generation and show predictions against the validation dataset
        for iteration in range(1, 200):
            print()
            print('-' * 50)
            print('Iteration', iteration)
            model.fit(X_train, y_train, batch_size=BATCH_SIZE, nb_epoch=5,
                    validation_data=(X_val, y_val))
            ###
            # Select 10 samples from the validation set at random so we can visualize errors
            for i in range(10):
                ind = np.random.randint(0, len(X_val))
                rowX, rowy = X_val[np.array([ind])], y_val[np.array([ind])]
                preds = model.predict_classes(rowX, verbose=0)
                q = ctable.decode(rowX[0])
                correct = ctable.decode(rowy[0])
                guess = ctable.decode(preds[0], calc_argmax=False)
                # print('Q', q[::-1] if INVERT else q)
                print('T', correct)
                print(colors.ok + '☑' + colors.close if correct == guess else colors.fail + '☒' + colors.close, guess)
                print('---')
    
    if __name__ == '__main__':
        main()
    

1 个答案:

答案 0 :(得分:13)

  1. RNN,LSTM或GRU可用于预测上面提出的子序列吗?
  2. 是的,您可以使用其中任何一种。 LSTM和GRU是RNN的类型;如果通过RNN你的意思是fully-connected RNN,由于梯度消失问题(12),这些已经失宠了。由于数据集中的示例数量相对较少,因此GRU可能比LSTM更易于构建。

    1. 如何提高代码的准确性?
    2. 您提到培训和验证错误都很糟糕。一般来说,这可能是由于以下几个因素之一:

      • 学习率太低(不是问题,因为您使用Adam,每个参数的自适应学习速率算法)
      • 模型对于数据来说太简单了(根本不是问题,因为你有一个非常复杂的模型和一个小数据集)。
      • 你的渐变渐渐消失(因为你有3层RNN,可能就是问题)。尝试将层数减少到1(一般来说,通过使简单模型工作然后增加复杂性来开始是好的),并且还考虑超参数搜索(例如,128维隐藏状态可能太大 - 试试30?)。

      另一种选择,因为您的表位是您输入的子串,是预测抗原序列中表位的起始和终止指数(可能通过抗原序列的长度标准化)一次预测子字符串一个字符。这将是两个任务的回归问题。例如,如果抗原是FSKIAGLTVT(10个字母长)并且其表位是KIAGL(位置3到7,一个基础)那么输入将是FSKIAGLTVT并且输出将是0.3(第一任务)和0.7(第二任务)

      或者,如果您可以使所有抗原长度相同(通过使用短抗原去除数据集的部分和/或切断长抗原的末端,假设您知道先验表位不在末端附近),你可以把它作为一个分类问题,用两个任务(开始和结束)和序列长度类来构建,你在这里尝试将抗原的概率分配给每个职位。

      1. 如何修改我的代码以便它可以更快地运行?
      2. 减少图层数会显着加快代码速度。此外,由于结构更简单,GRU将比LSTM更快。但是,两种类型的循环网络都比例如慢。卷积网络。

        如果您对合作感兴趣,请随时给我发送电子邮件(我个人资料中的地址)。