这是我主题的代码页脚。我想删除“由WordPress提供支持”但我在这里看不到解决方案,请帮助
import data
import numpy as np
import os
import tensorflow as tf
BATCH_SIZE = 200
CELLSIZE = 512
NLAYERS = 3
SVMC = 1
learning_rate = 0.01
TRAIN_PATH = '/home/darth/GitHub Projects/gru_svm/dataset/train/6'
def main():
examples, labels, keys = data.input_pipeline(path=TRAIN_PATH, batch_size=BATCH_SIZE, num_epochs=1)
seqlen = examples.shape[1]
x = tf.placeholder(shape=[None, seqlen, 1], dtype=tf.float32)
y = tf.placeholder(shape=[None, 2], dtype=tf.float32)
Hin = tf.placeholder(shape=[None, CELLSIZE*NLAYERS], dtype=tf.float32)
# cell = tf.contrib.rnn.GRUCell(CELLSIZE)
network = []
for index in range(NLAYERS):
network.append(tf.contrib.rnn.GRUCell(CELLSIZE))
mcell = tf.contrib.rnn.MultiRNNCell(network, state_is_tuple=False)
Hr, H = tf.nn.dynamic_rnn(mcell, x, initial_state=Hin, dtype=tf.float32)
Hf = tf.transpose(Hr, [1, 0, 2])
last = tf.gather(Hf, int(Hf.get_shape()[0]) - 1)
weight = tf.Variable(tf.truncated_normal([CELLSIZE, 2], stddev=0.01), tf.float32)
bias = tf.Variable(tf.constant(0.1, shape=[2]))
logits = tf.matmul(last, weight) + bias
regularization_loss = 0.5 * tf.reduce_sum(tf.square(weight))
hinge_loss = tf.reduce_sum(tf.maximum(tf.zeros([BATCH_SIZE, 1]), 1 - y * logits))
loss = regularization_loss + SVMC * hinge_loss
train_step = tf.train.GradientDescentOptimizer(learning_rate=learning_rate).minimize(loss)
init_op = tf.group(tf.global_variables_initializer(), tf.local_variables_initializer())
with tf.Session() as sess:
sess.run(init_op)
train_loss = 0
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(coord=coord)
try:
for index in range(100):
for j in range(1000):
example_batch, label_batch, key_batch = sess.run([examples, labels, keys])
_, train_loss_ = sess.run([train_step, loss],
feed_dict = { x : example_batch,
y : label_batch,
Hin : np.zeros([BATCH_SIZE, CELLSIZE * NLAYERS])
})
train_loss += train_loss_
print('[{}] loss : {}'.format(index, (train_loss / 1000)))
train_loss = 0
except tf.errors.OutOfRangeError:
print('EOF reached.')
except KeyboardInterrupt:
print('Interrupted by user at {}'.format(index))
finally:
coord.request_stop()
coord.join(threads)
main()
答案 0 :(得分:1)
就在这里:<?php do_action( 'maxwell_footer_text' ); ?>
将其替换为页脚中的任何内容。
答案 1 :(得分:0)
您可以依次注释掉每个do_action
方法调用,直到文本消失为止,找到WordPress页脚。之后,您可以使用grep主题源来查找源方法。
答案 2 :(得分:0)
//您可以根据您的选择替换div或do_action
<div id=”footer-text” class=”site-info”>
<?php do_action( ‘maxwell_footer_text’ ); ?>
</div>
//或者用css隐藏它
.site-info {
display: none;
}