首页 技术 正文
技术 2022年11月18日
0 收藏 981 点赞 3,197 浏览 6535 个字

训练一个简单的回归网络

基础的函数如下:

# coding=utf-8
import tensorflow as tf
import numpy as np
np.random.seed(0)
# 卷积权重初始化
def weight(shape):
return tf.Variable(tf.truncated_normal(shape, stddev=0.1), name ='W')
# 偏差值初始化
def bias(shape):
return tf.Variable(tf.constant(0.1, shape=shape), name = 'b')
# 全连接初始化
def fc_weight(node_in, node_out):
return tf.Variable(np.random.randn(node_in, node_out),name='W', dtype='float32') / (np.sqrt(node_in/2).astype(np.float32))

输入及网络、损失函数:

with tf.name_scope('input'):
features = tf.placeholder('float32', [None, 7, 7], name='feature')
images = tf.reshape(features, [-1, 7, 7, 1])
with tf.name_scope('flat'):
flat = tf.reshape(images, [-1, 49])
with tf.name_scope('hidden'):
w = fc_weight(49,49)
b = bias([49])
hidden1 = tf.nn.relu(tf.matmul(flat, w) + b)
w2 = fc_weight(49,10)
b2 = bias([10])
hidden2 = tf.nn.relu(tf.matmul(hidden1, w2) + b2)
with tf.name_scope('output'):
w3 = fc_weight(10,3)
b3 = bias([3])
out = tf.matmul(hidden2, w3) + b3
with tf.name_scope('optimizer'):
loss_function = tf.reduce_mean(tf.square(out - [[1./7,1./7,1./7]]))
optimizer = tf.train.AdamOptimizer(learning_rate=0.1).minimize(loss_function)
# 等效于
# var_list = tf.trainable_variables()
# for v in var_list:
# print v.name
# sum_loss = loss_function
# clone_grad = optimizer.compute_gradients(sum_loss, var_list=var_list)
# grad_updates = optimizer.apply_gradients(clone_grad)

训练函数:

# 生成数据集
X_feature = []
for i in range(7):
for j in range(7):
for t in range(30):
deta_i = np.random.randint(3,5)
deta_j = np.random.randint(3, 5)
map_feature = np.random.rand(7,7)
for di in range(deta_i):
for dj in range(deta_j):
ni = i+di; nj =j+dj
if ni >=7 or nj >=7:
continue
map_feature[ni,nj] = np.random.rand()*2+1
map_feature = (map_feature/6. - 0.5)*2.0
X_feature.append(map_feature)
X_feature = np.array(X_feature, dtype=np.float32)
np.random.shuffle(X_feature)
print X_feature.shape
# train
with tf.Session() as sess:
sess.run(tf.initialize_all_variables())
trainEpoch = 30
batchSize = 30
totalBatchs = int(X_feature.shape[0] / batchSize)
print X_feature[:1]
for epoch in range(trainEpoch):
for i in range(totalBatchs):
batch = X_feature[i:(i+1)*batchSize]
rr,ll,tt = sess.run([optimizer,loss_function, out], feed_dict={features:X_feature[:1]}) #反复迭代第一张
print ll, tt
y = sess.run(out, feed_dict={features: X_feature[:1]})
print y

使用fc层实现OTSU

OTSU见详细,我们这里通过网络来实现它的效果。

网络结构:

with tf.name_scope('input'):
features = tf.placeholder('float32', [None, 7, 7], name='feature')
images = tf.reshape(features, [-1, 7, 7, 1])
labels = tf.placeholder('float32',[None,3], name='label')
with tf.name_scope('flat'):
flat = tf.reshape(images, [-1, 49])with tf.name_scope('hidden'):
w = fc_weight(49,49)
b = bias([49])
hidden1 = tf.nn.relu(tf.matmul(flat, w) + b)
w2 = fc_weight(49,10)
b2 = bias([10])
hidden2 = tf.nn.relu(tf.matmul(hidden1, w2) + b2)
with tf.name_scope('output'):
w3 = fc_weight(10,3)
b3 = bias([3])
out = tf.matmul(hidden2, w3) + b3with tf.name_scope('optimizer'):
loss_function = tf.reduce_mean(tf.square(out - labels))
optimizer = tf.train.AdamOptimizer(learning_rate=0.01).minimize(loss_function)

生成测试样本集:

dataset = []
for i in range(5):
for j in range(5):
for t in range(40):
deta = np.random.randint(3, 5)
if i+deta >=7 or j+deta>=7:
continue
map_feature = np.random.rand(7, 7)
for di in range(deta):
for dj in range(deta):
ni = i + di
nj = j + dj
map_feature[ni, nj] = np.random.rand() * 2 + 2
#label
centor_x = i+deta/2.
centor_y = j+deta/2.
length = deta
map_feature = (map_feature / 4. - 0.5) * 2.0
map_laebl = np.array([centor_x,centor_y,length])
sample = [map_feature,map_laebl]
dataset.append(sample)
#
random.shuffle(dataset)
allbatch = [ele[0] for ele in dataset]
alllabel = [ele[1] for ele in dataset]

训练:

with tf.Session() as sess:
writer = tf.summary.FileWriter("./logs/", sess.graph)
sess.run(tf.initialize_all_variables())
trainEpoch = 3000
batchSize = 30
totalBatchs = int(len(dataset) / batchSize)
for epoch in range(trainEpoch):
for i in range(totalBatchs):
batch = allbatch[i:(i + 1) * batchSize]
label = alllabel[i:(i + 1) * batchSize]
_, = sess.run([optimizer], feed_dict={features: batch, labels:label})
loss = sess.run([loss_function, out], feed_dict={features: allbatch[:3], labels: alllabel[:3]})
print loss
print alllabel[:3]

使用网络直接优化OTSU

网络:

def h(x):
return tf.sigmoid(5*x)
with tf.name_scope('input'):
features = tf.placeholder('float32', [None, 7, 7], name='feature')
images = tf.reshape(features, [-1, 7, 7, 1])
with tf.name_scope('flat'):
flat = tf.reshape(images, [-1, 49])
with tf.name_scope('hidden'):
w = fc_weight(49,49)
b = bias([49])
hidden1 = tf.nn.relu(tf.matmul(flat, w) + b)
w2 = fc_weight(49,10)
b2 = bias([10])
hidden2 = tf.nn.relu(tf.matmul(hidden1, w2) + b2)
with tf.name_scope('output'):
w3 = fc_weight(10,3)
b3 = bias([3])
out = tf.matmul(hidden2, w3) + b3with tf.name_scope('integral'):
size = 48
big_images = tf.image.resize_bilinear(images, [size, size])with tf.name_scope('optimizer'):
out_limit = tf.minimum(tf.maximum(out, 0.), 1.)
cx = out_limit[:, 0]
cy = out_limit[:, 1]
ll = out_limit[:, 2] x1 = tf.maximum(cx - ll, 0.) * (size-1)
y1 = tf.maximum(cy - ll, 0.) * (size-1)
x2 = tf.minimum(cx + ll, 1.) * (size-1)
y2 = tf.minimum(cy + ll, 1.) * (size-1) rowlist = []
for i in range(size):
rowlist.append(np.ones(size)*i)
rows = np.concatenate(rowlist).astype(np.float32)
cols = np.tile(np.arange(0, size, dtype=np.float32),[size])
elems = (rows, cols)
# 通过函数来实现crop操作
def mf(ele):
x=ele[0]
y=ele[1]
return (h(x-x1) - h(x-x2)) * (h(y-y1) - h(y-y2)) omap = tf.map_fn(mf, elems, dtype='float32')
pmap = tf.reshape(omap,[1,size,size,-1])
tmap = tf.transpose(pmap, perm=[3,2,1,0]) #b * size * size * 1
roidot = tmap*big_images
roi = tf.reduce_sum(roidot, axis=[1,2,3])
total = tf.reduce_sum(big_images, axis=[1,2,3])
areanum = tf.reduce_sum(tmap, axis=[1,2,3]) + 0.1
w0 = areanum / size / size
w1 = 1. - w0
u0 = roi / areanum
u1 = (total - roi) / (size*size - areanum)
#
penalty = tf.maximum((0.1 - w0)*100., 0.)
loss_func = tf.reduce_mean(1 - tf.sign(u0-u1)*w0*w1*(u0-u1)*(u0-u1))
loss_penalty = tf.reduce_mean(penalty)
loss_function = loss_func + loss_penalty
#
optimizer = tf.train.AdamOptimizer(learning_rate=0.01).minimize(loss_function)

数据及训练:

X_feature = []
for i in range(5):
for j in range(5):
for t in range(30):
deta_i = np.random.randint(3, 5)
deta_j = np.random.randint(3, 5)
map_feature = np.random.rand(7, 7)
for di in range(deta_i):
for dj in range(deta_j):
ni = i + di
nj = j + dj
if ni >= 7 or nj >= 7:
continue
map_feature[ni, nj] = np.random.rand() * 2 + 2
map_feature = (map_feature / 4. - 0.5) * 2.0
X_feature.append(map_feature)
X_feature = np.array(X_feature, dtype=np.float32)
np.random.shuffle(X_feature)
print X_feature.shape
# train
with tf.Session() as sess:
writer = tf.summary.FileWriter("./logs/", sess.graph)
sess.run(tf.initialize_all_variables())
trainEpoch = 30
batchSize = 30
totalBatchs = int(X_feature.shape[0] / batchSize)
print X_feature[:1]
for epoch in range(trainEpoch):
for i in range(totalBatchs):
batch = X_feature[i:(i + 1) * batchSize]
_, ll, tt = sess.run([optimizer, out_limit, areanum], feed_dict={features: batch}) # 反复迭代第一张
y = sess.run([x1,y1,x2,y2, loss_function], feed_dict={features: X_feature[:1]})
print y

在整个训练的过程中,我们观察到几个问题:

  1. 不要用自己写的sigmod实现,反向传播会越界
  2. 最后输出层不要有relu
  3. 有些函数导数为0(无法反向传播),No gradient defined for operation ‘xxx’. 例子/神器
  4. 学习率的设置很重要。示例中设置0.005很快收敛;设置为0.05很快就陷入了局部最小值;设置为0.001,由于adam的自动更新,优化越来越慢,最后也很难收敛到最优。
上一篇: Electron初探
下一篇: test001
相关推荐
python开发_常用的python模块及安装方法
adodb:我们领导推荐的数据库连接组件bsddb3:BerkeleyDB的连接组件Cheetah-1.0:我比较喜欢这个版本的cheeta…
日期:2022-11-24 点赞:878 阅读:9,118
Educational Codeforces Round 11 C. Hard Process 二分
C. Hard Process题目连接:http://www.codeforces.com/contest/660/problem/CDes…
日期:2022-11-24 点赞:807 阅读:5,590
下载Ubuntn 17.04 内核源代码
zengkefu@server1:/usr/src$ uname -aLinux server1 4.10.0-19-generic #21…
日期:2022-11-24 点赞:569 阅读:6,435
可用Active Desktop Calendar V7.86 注册码序列号
可用Active Desktop Calendar V7.86 注册码序列号Name: www.greendown.cn Code: &nb…
日期:2022-11-24 点赞:733 阅读:6,206
Android调用系统相机、自定义相机、处理大图片
Android调用系统相机和自定义相机实例本博文主要是介绍了android上使用相机进行拍照并显示的两种方式,并且由于涉及到要把拍到的照片显…
日期:2022-11-24 点赞:512 阅读:7,842
Struts的使用
一、Struts2的获取  Struts的官方网站为:http://struts.apache.org/  下载完Struts2的jar包,…
日期:2022-11-24 点赞:671 阅读:4,927