簡體   English   中英

如何在卷積神經網絡(CNN)中獲得倒數第二層的值?

[英]How to get values of penultimate layer in convolutional neural network(CNN)?

我正在嘗試為分類任務實施CNN。 我想看看在每個時期如何優化權重。 為此,我需要倒數第二層的值。 另外,我將自己對最后一層和反向傳播進行硬編碼。 請同時推薦API,這將有所幫助。

編輯:我已經從keras示例中添加了代碼。 期待對其進行編輯。 鏈接提供了一些提示。 我已經提到了需要輸出的層。

from __future__ import print_function

from keras.preprocessing import sequence
from keras.models import Sequential
from keras.layers import Dense, Dropout, Activation
from keras.layers import Embedding
from keras.layers import Conv1D, GlobalMaxPooling1D
from keras.datasets import imdb

# set parameters:
max_features = 5000
maxlen = 400
batch_size = 100
embedding_dims = 50
filters = 250
kernel_size = 3
hidden_dims = 250
epochs = 100

print('Loading data...')
(x_train, y_train), (x_test, y_test) = imdb.load_data(num_words=max_features)
print(len(x_train), 'train sequences')
print(len(x_test), 'test sequences')

print('Pad sequences (samples x time)')
x_train = sequence.pad_sequences(x_train, maxlen=maxlen)
x_test = sequence.pad_sequences(x_test, maxlen=maxlen)
print('x_train shape:', x_train.shape)
print('x_test shape:', x_test.shape)

print('Build model...')
model = Sequential()

# we start off with an efficient embedding layer which maps
# our vocab indices into embedding_dims dimensions
model.add(Embedding(max_features,
                    embedding_dims,
                    input_length=maxlen))
model.add(Dropout(0.2))

# we add a Convolution1D, which will learn filters
# word group filters of size filter_length:
model.add(Conv1D(filters,
                 kernel_size,
                 padding='valid',
                 activation='relu',
                 strides=1))
# we use max pooling:
model.add(GlobalMaxPooling1D())

# We add a vanilla hidden layer:
model.add(Dense(hidden_dims))
model.add(Dropout(0.2))
model.add(Activation('relu'))

# We project onto a single unit output layer, and squash it with a sigmoid:
model.add(Dense(1))
model.add(Activation('sigmoid')) #<======== I need output after this. 



model.compile(loss='binary_crossentropy',
              optimizer='adam',
              metrics=['accuracy'])
model.fit(x_train, y_train,
          batch_size=batch_size,
          epochs=epochs,
          validation_data=(x_test, y_test))

您可以像這樣獲得模型的各個層:

num_layer = 7 # Dense(1) layer
layer = model.layers[num_layer]

我想看看在每個時期如何優化權重。

要獲得圖層的權重,請使用layer.get_weights()如下所示:

w, b = layer.get_weights() # weights and bias of Dense(1)

我需要倒數第二層的值。

要獲取最后一層評估的值,請使用model.predict()

prediction = model.predict(x_test)

要獲得其他任何層的評估,請使用tensorflow進行如下操作:

input = tf.placeholder(tf.float32) # Create input placeholder
layer_output = layer(input) # create layer output operation

init_op = tf.global_variables_initializer() # initialize variables

with tf.Session() as sess:
    sess.run(init_op)

    # evaluate layer output
    output = sess.run(layer_output, feed_dict = {input: x_test})
    print(output)

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM