我们使用TensorFlowKeras分别来实现图像风格迁移,主要用到深度学习中的卷积神经网络,即CNN

准备

安装包

pip install numpy scipy tensorflow keras 再准备一些风格图片,和一张内容图片

python版本

使用 python3.6,最新的 python3.7由于keras不支持,所以没办法使用

原理

为了将风格图的风格和内容图的内容进行融合,所生成的图片,在内容上应当尽可能接近内容图,在风格上应当尽可能接近风格图

因此需要定义内容损失函数和风格损失函数,经过加权后作为总的损失函数

实现步骤如下

  • 随机产生一张图片
  • 在每轮迭代中,根据总的损失函数,调整图片的像素值
  • 经过多轮迭代,得到优化后的图片

TensorFlow实现

加载库


In [1]:
# 输出靠谱日志必备
import logging
#是否开启debug?根据事件的轻重可分为以下几个级别:
# DEBUG: 详细信息,通常仅在诊断问题时才受到关注。整数level=10
# INFO: 确认程序按预期工作。整数level=20
# WARNING:出现了异常,但是不影响正常工作.整数level=30
# ERROR:由于某些原因,程序 不能执行某些功能。整数level=40
# CRITICAL:严重的错误,导致程序不能运行。整数level=50
# 默认的级别是WARNING,也就意味着只有级别大于等于的才会被看到,跟踪日志的方式可以是写入到文件中,也可以直接输出到控制台。
logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s')

import tensorflow as tf
import numpy as np
import scipy.io
import scipy.misc
import matplotlib.pyplot as plt
%matplotlib inline
# 读取文件必备
import os,sys,time


def the_current_time():
	logging.info(time.strftime("%Y-%m-%d %H:%M:%S", time.localtime(int(time.time()))))
the_current_time()


2018-10-25 18:50:41,574 - root - INFO - 2018-10-25 18:50:41

In [2]:
# 定义一些变量
## 图片文件名、路径
CONTENT_IMG , STYLE_IMG , OUTPUT_DIR = 'content.jpg', 'style5.jpg', 'neural_style_transfer_tensorflow/'
if not os.path.exists(OUTPUT_DIR):
	os.mkdir(OUTPUT_DIR)

##  图像大小等
IMAGE_W ,IMAGE_H,COLOR_C=640,960,3
NOISE_RATIO,BETA,ALPHA,VGG_MODEL,MEAN_VALUES  = 0.7,5,100,'imagenet-vgg-verydeep-19.mat',np.array([123.68, 116.779, 103.939]).reshape((1, 1, 1, 3))

In [3]:
# 加载VGG19模型

def load_vgg_model(path):
	'''
	Details of the VGG19 model:
	- 0 is conv1_1 (3, 3, 3, 64)
	- 1 is relu
	- 2 is conv1_2 (3, 3, 64, 64)
	- 3 is relu    
	- 4 is maxpool
	- 5 is conv2_1 (3, 3, 64, 128)
	- 6 is relu
	- 7 is conv2_2 (3, 3, 128, 128)
	- 8 is relu
	- 9 is maxpool
	- 10 is conv3_1 (3, 3, 128, 256)
	- 11 is relu
	- 12 is conv3_2 (3, 3, 256, 256)
	- 13 is relu
	- 14 is conv3_3 (3, 3, 256, 256)
	- 15 is relu
	- 16 is conv3_4 (3, 3, 256, 256)
	- 17 is relu
	- 18 is maxpool
	- 19 is conv4_1 (3, 3, 256, 512)
	- 20 is relu
	- 21 is conv4_2 (3, 3, 512, 512)
	- 22 is relu
	- 23 is conv4_3 (3, 3, 512, 512)
	- 24 is relu
	- 25 is conv4_4 (3, 3, 512, 512)
	- 26 is relu
	- 27 is maxpool
	- 28 is conv5_1 (3, 3, 512, 512)
	- 29 is relu
	- 30 is conv5_2 (3, 3, 512, 512)
	- 31 is relu
	- 32 is conv5_3 (3, 3, 512, 512)
	- 33 is relu
	- 34 is conv5_4 (3, 3, 512, 512)
	- 35 is relu
	- 36 is maxpool
	- 37 is fullyconnected (7, 7, 512, 4096)
	- 38 is relu
	- 39 is fullyconnected (1, 1, 4096, 4096)
	- 40 is relu
	- 41 is fullyconnected (1, 1, 4096, 1000)
	- 42 is softmax
	'''
	vgg = scipy.io.loadmat(path)
	print((path,
                  "\n#先显示一下数据类型,发现是dict:type(vgg)",type(vgg),
                  "\n#字典就可以打印出键值dict_keys(['__header__', '__version__', '__globals__', 'layers', 'classes', 'normalization'])vgg.keys()",vgg.keys())
                )
	vgg_layers = vgg['layers']
	print(("layers = vgg['layers']",
                 "\n#打印下layers发现输出一大堆括号,好复杂的样子:[[ array([[ (array([[ array([[[[ ,顶级array有两个[[\n#所以顶层是两维,每一个维数的元素是array,array内部还有维数\n#print(layers)",
                  "\nvgg_layers.shape:",vgg_layers.shape,
                  "\nlayer[0].shape:",vgg_layers[0].shape,
                  "\n#layer[0][0].shape: (1,),说明只有一个元素",
                  "\nlayer[0][0].shape:",vgg_layers[0][0].shape,
                  "\n#layer[0][0][0].shape: (1,),说明只有一个元素",
                  "\nlayer[0][0][0].shape:",vgg_layers[0][0][0].shape,
                  "\n#len(layer[0][0]):5,即weight(含有bias), pad(填充元素,无用), type, name, stride信息",
                  "\nlen(layer[0][0][0]):",len(vgg_layers[0][0][0]),
                  "\n#所以应该能按照如下方式拿到信息,比如说name,输出为['conv1_1']",
                  "\nname:",vgg_layers[0][0][0][0][0][0],
                  "\n#查看一下weights的权重,输出(1,2),再次说明第一维是虚的,weights中包含了weight和bias",
                  "\nlayer[0][0][0][0].shape",vgg_layers[0][0][0][0].shape,
                  "\nlayer[0][0][0][0].len",len(vgg_layers[0][0][0][0]),
                  "\n#weights[0].shape: (2,),weights[0].len: 2说明两个元素就是weight和bias",
                  "\nlayer[0][0][0][0][0].shape:",vgg_layers[0][0][0][0][0].shape,
                  "\nlayer[0][0][0][0].len:",len(vgg_layers[0][0][0][0][0]),
                  "\nlayer[0][0][0][0][0]",vgg_layers[0][0][0][0][0],
                  "\n#解析出weight和bias"
                ))

	def _weights(layer, expected_layer_name):
		W = vgg_layers[0][layer][0][0][2][0][0]
		b = vgg_layers[0][layer][0][0][2][0][1]
		layer_name = vgg_layers[0][layer][0][0][0][0]
		assert layer_name == expected_layer_name
		return W, b

	def _conv2d_relu(prev_layer, layer, layer_name):
		W, b = _weights(layer, layer_name)
		W = tf.constant(W)
		b = tf.constant(np.reshape(b, (b.size)))
		return tf.nn.relu(tf.nn.conv2d(prev_layer, filter=W, strides=[1, 1, 1, 1], padding='SAME') + b)

	def _avgpool(prev_layer):
		return tf.nn.avg_pool(prev_layer, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')

	graph = {}
	graph['input']    = tf.Variable(np.zeros((1, IMAGE_H, IMAGE_W, COLOR_C)), dtype='float32')
	graph['conv1_1']  = _conv2d_relu(graph['input'], 0, 'conv1_1')
	graph['conv1_2']  = _conv2d_relu(graph['conv1_1'], 2, 'conv1_2')
	graph['avgpool1'] = _avgpool(graph['conv1_2'])
	graph['conv2_1']  = _conv2d_relu(graph['avgpool1'], 5, 'conv2_1')
	graph['conv2_2']  = _conv2d_relu(graph['conv2_1'], 7, 'conv2_2')
	graph['avgpool2'] = _avgpool(graph['conv2_2'])
	graph['conv3_1']  = _conv2d_relu(graph['avgpool2'], 10, 'conv3_1')
	graph['conv3_2']  = _conv2d_relu(graph['conv3_1'], 12, 'conv3_2')
	graph['conv3_3']  = _conv2d_relu(graph['conv3_2'], 14, 'conv3_3')
	graph['conv3_4']  = _conv2d_relu(graph['conv3_3'], 16, 'conv3_4')
	graph['avgpool3'] = _avgpool(graph['conv3_4'])
	graph['conv4_1']  = _conv2d_relu(graph['avgpool3'], 19, 'conv4_1')
	graph['conv4_2']  = _conv2d_relu(graph['conv4_1'], 21, 'conv4_2')
	graph['conv4_3']  = _conv2d_relu(graph['conv4_2'], 23, 'conv4_3')
	graph['conv4_4']  = _conv2d_relu(graph['conv4_3'], 25, 'conv4_4')
	graph['avgpool4'] = _avgpool(graph['conv4_4'])
	graph['conv5_1']  = _conv2d_relu(graph['avgpool4'], 28, 'conv5_1')
	graph['conv5_2']  = _conv2d_relu(graph['conv5_1'], 30, 'conv5_2')
	graph['conv5_3']  = _conv2d_relu(graph['conv5_2'], 32, 'conv5_3')
	graph['conv5_4']  = _conv2d_relu(graph['conv5_3'], 34, 'conv5_4')
	graph['avgpool5'] = _avgpool(graph['conv5_4'])
	return graph

# 内容损失函数

def content_loss_func(sess, model):
	def _content_loss(p, x):
		N = p.shape[3]
		M = p.shape[1] * p.shape[2]
		return (1 / (4 * N * M)) * tf.reduce_sum(tf.pow(x - p, 2))
	return _content_loss(sess.run(model['conv4_2']), model['conv4_2'])

# 风格损失函数

STYLE_LAYERS = [('conv1_1', 0.5), ('conv2_1', 1.0), ('conv3_1', 1.5), ('conv4_1', 3.0), ('conv5_1', 4.0)]

def style_loss_func(sess, model):
	def _gram_matrix(F, N, M):
		Ft = tf.reshape(F, (M, N))
		return tf.matmul(tf.transpose(Ft), Ft)

	def _style_loss(a, x):
		N = a.shape[3]
		M = a.shape[1] * a.shape[2]
		A = _gram_matrix(a, N, M)
		G = _gram_matrix(x, N, M)
		return (1 / (4 * N ** 2 * M ** 2)) * tf.reduce_sum(tf.pow(G - A, 2))
	return sum([_style_loss(sess.run(model[layer_name]), model[layer_name]) * w for layer_name, w in STYLE_LAYERS])

# 随机产生一张初始图片,说白了就是图片加噪点,调参选择只调一点点试试看

def generate_noise_image(content_image, noise_ratio=NOISE_RATIO):
	noise_image = np.random.uniform(-11, 11, (1, IMAGE_H, IMAGE_W, COLOR_C)).astype('float32')
	input_image = noise_image * noise_ratio + content_image * (1 - noise_ratio)
	return input_image

# 加载图片

def load_image(path):
	image = scipy.misc.imread(path)
	image = scipy.misc.imresize(image, (IMAGE_H, IMAGE_W))
	image = np.reshape(image, ((1, ) + image.shape))
	image = image - MEAN_VALUES
	return image

# 保存图片

def save_image(path, image):
	image = image + MEAN_VALUES
	image = image[0]
	image = np.clip(image, 0, 255).astype('uint8')
	scipy.misc.imsave(path, image)
	# logging.info("输出图片")
	# plt.imshow(image)
	# plt.axis('off')

In [4]:
the_current_time()
logging.info("准备载入神经网络")
with tf.Session() as sess:
	content_image = load_image(CONTENT_IMG)
	style_image = load_image(STYLE_IMG)
	model = load_vgg_model(VGG_MODEL)
	logging.info("VGG_MODEL模型读取 OK")

	input_image = generate_noise_image(content_image)
	sess.run(tf.global_variables_initializer())

	sess.run(model['input'].assign(content_image))
	content_loss = content_loss_func(sess, model)

	sess.run(model['input'].assign(style_image))
	style_loss = style_loss_func(sess, model)

	total_loss = BETA * content_loss + ALPHA * style_loss
	optimizer = tf.train.AdamOptimizer(2.0)
	train = optimizer.minimize(total_loss)

	sess.run(tf.global_variables_initializer())
	sess.run(model['input'].assign(input_image))

	ITERATIONS = 1672
	logging.info("开始干活,神经网络开搞")
	for i in range(ITERATIONS):
		logging.info('循环训练次数:Iteration %d' % i)
		sess.run(train)
		if i % 19 == 0:
			output_image = sess.run(model['input'])
			# show_feature(output_image) # 想看哪一层输出?show_feature(sess.run(model['input']))
			print('输出图片:循环训练次数:Iteration %d' % i)
			logging.info(('Cost: ' , sess.run(total_loss)))
			save_image(os.path.join(OUTPUT_DIR, 'output%d.jpg' % i), output_image)


2018-10-25 18:50:41,698 - root - INFO - 2018-10-25 18:50:41
2018-10-25 18:50:41,700 - root - INFO - 准备载入神经网络
/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/ipykernel_launcher.py:155: DeprecationWarning: `imread` is deprecated!
`imread` is deprecated in SciPy 1.0.0, and will be removed in 1.2.0.
Use ``imageio.imread`` instead.
/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/ipykernel_launcher.py:156: DeprecationWarning: `imresize` is deprecated!
`imresize` is deprecated in SciPy 1.0.0, and will be removed in 1.2.0.
Use ``skimage.transform.resize`` instead.
('imagenet-vgg-verydeep-19.mat', '\n#先显示一下数据类型,发现是dict:type(vgg)', <class 'dict'>, "\n#字典就可以打印出键值dict_keys(['__header__', '__version__', '__globals__', 'layers', 'classes', 'normalization'])vgg.keys()", dict_keys(['__header__', '__version__', '__globals__', 'layers', 'meta']))
("layers = vgg['layers']", '\n#打印下layers发现输出一大堆括号,好复杂的样子:[[ array([[ (array([[ array([[[[ ,顶级array有两个[[\n#所以顶层是两维,每一个维数的元素是array,array内部还有维数\n#print(layers)', '\nvgg_layers.shape:', (1, 43), '\nlayer[0].shape:', (43,), '\n#layer[0][0].shape: (1,),说明只有一个元素', '\nlayer[0][0].shape:', (1, 1), '\n#layer[0][0][0].shape: (1,),说明只有一个元素', '\nlayer[0][0][0].shape:', (1,), '\n#len(layer[0][0]):5,即weight(含有bias), pad(填充元素,无用), type, name, stride信息', '\nlen(layer[0][0][0]):', 1, "\n#所以应该能按照如下方式拿到信息,比如说name,输出为['conv1_1']", '\nname:', 'conv1_1', '\n#查看一下weights的权重,输出(1,2),再次说明第一维是虚的,weights中包含了weight和bias', '\nlayer[0][0][0][0].shape', (), '\nlayer[0][0][0][0].len', 9, '\n#weights[0].shape: (2,),weights[0].len: 2说明两个元素就是weight和bias', '\nlayer[0][0][0][0][0].shape:', (1,), '\nlayer[0][0][0][0].len:', 1, '\nlayer[0][0][0][0][0]', array(['conv1_1'], dtype='<U7'), '\n#解析出weight和bias')
2018-10-25 18:50:51,009 - root - INFO - VGG_MODEL模型读取 OK
2018-10-25 18:51:49,854 - root - INFO - 开始干活,神经网络开搞
2018-10-25 18:51:49,855 - root - INFO - 循环训练次数:Iteration 0
输出图片:循环训练次数:Iteration 0
2018-10-25 18:53:43,351 - root - INFO - ('Cost: ', 452874830000.0)
/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/ipykernel_launcher.py:167: DeprecationWarning: `imsave` is deprecated!
`imsave` is deprecated in SciPy 1.0.0, and will be removed in 1.2.0.
Use ``imageio.imwrite`` instead.
2018-10-25 18:53:43,457 - root - INFO - 循环训练次数:Iteration 1
2018-10-25 18:54:11,034 - root - INFO - 循环训练次数:Iteration 2
2018-10-25 18:54:36,035 - root - INFO - 循环训练次数:Iteration 3
2018-10-25 18:55:00,563 - root - INFO - 循环训练次数:Iteration 4
2018-10-25 18:55:24,023 - root - INFO - 循环训练次数:Iteration 5
2018-10-25 18:55:48,786 - root - INFO - 循环训练次数:Iteration 6
2018-10-25 18:56:13,556 - root - INFO - 循环训练次数:Iteration 7
2018-10-25 18:56:39,862 - root - INFO - 循环训练次数:Iteration 8
2018-10-25 18:57:09,421 - root - INFO - 循环训练次数:Iteration 9
2018-10-25 18:57:34,554 - root - INFO - 循环训练次数:Iteration 10
2018-10-25 18:57:59,675 - root - INFO - 循环训练次数:Iteration 11
2018-10-25 18:58:23,233 - root - INFO - 循环训练次数:Iteration 12
2018-10-25 18:58:46,608 - root - INFO - 循环训练次数:Iteration 13
2018-10-25 18:59:14,153 - root - INFO - 循环训练次数:Iteration 14
2018-10-25 18:59:36,864 - root - INFO - 循环训练次数:Iteration 15
2018-10-25 18:59:59,577 - root - INFO - 循环训练次数:Iteration 16
2018-10-25 19:00:22,595 - root - INFO - 循环训练次数:Iteration 17
2018-10-25 19:00:44,500 - root - INFO - 循环训练次数:Iteration 18
2018-10-25 19:01:06,735 - root - INFO - 循环训练次数:Iteration 19
输出图片:循环训练次数:Iteration 19
2018-10-25 19:01:36,946 - root - INFO - ('Cost: ', 188288300000.0)
2018-10-25 19:01:37,026 - root - INFO - 循环训练次数:Iteration 20
2018-10-25 19:02:02,555 - root - INFO - 循环训练次数:Iteration 21
2018-10-25 19:02:27,739 - root - INFO - 循环训练次数:Iteration 22
2018-10-25 19:02:50,658 - root - INFO - 循环训练次数:Iteration 23
2018-10-25 19:03:12,954 - root - INFO - 循环训练次数:Iteration 24
2018-10-25 19:03:39,654 - root - INFO - 循环训练次数:Iteration 25
2018-10-25 19:04:06,926 - root - INFO - 循环训练次数:Iteration 26
2018-10-25 19:04:33,822 - root - INFO - 循环训练次数:Iteration 27
2018-10-25 19:04:57,993 - root - INFO - 循环训练次数:Iteration 28
2018-10-25 19:05:21,818 - root - INFO - 循环训练次数:Iteration 29
2018-10-25 19:05:45,336 - root - INFO - 循环训练次数:Iteration 30
2018-10-25 19:06:10,284 - root - INFO - 循环训练次数:Iteration 31
2018-10-25 19:06:36,518 - root - INFO - 循环训练次数:Iteration 32
2018-10-25 19:07:04,585 - root - INFO - 循环训练次数:Iteration 33
2018-10-25 19:07:30,393 - root - INFO - 循环训练次数:Iteration 34
2018-10-25 19:07:56,630 - root - INFO - 循环训练次数:Iteration 35
2018-10-25 19:08:22,888 - root - INFO - 循环训练次数:Iteration 36
2018-10-25 19:08:46,861 - root - INFO - 循环训练次数:Iteration 37
2018-10-25 19:09:09,733 - root - INFO - 循环训练次数:Iteration 38
输出图片:循环训练次数:Iteration 38
2018-10-25 19:09:47,710 - root - INFO - ('Cost: ', 107553284000.0)
2018-10-25 19:09:47,805 - root - INFO - 循环训练次数:Iteration 39
2018-10-25 19:10:12,701 - root - INFO - 循环训练次数:Iteration 40
2018-10-25 19:10:34,533 - root - INFO - 循环训练次数:Iteration 41
2018-10-25 19:10:55,940 - root - INFO - 循环训练次数:Iteration 42
2018-10-25 19:11:17,659 - root - INFO - 循环训练次数:Iteration 43
2018-10-25 19:11:41,514 - root - INFO - 循环训练次数:Iteration 44
2018-10-25 19:12:04,751 - root - INFO - 循环训练次数:Iteration 45
2018-10-25 19:12:26,119 - root - INFO - 循环训练次数:Iteration 46
2018-10-25 19:12:48,645 - root - INFO - 循环训练次数:Iteration 47
2018-10-25 19:13:09,007 - root - INFO - 循环训练次数:Iteration 48
2018-10-25 19:13:31,436 - root - INFO - 循环训练次数:Iteration 49
2018-10-25 19:13:52,225 - root - INFO - 循环训练次数:Iteration 50
2018-10-25 19:14:18,844 - root - INFO - 循环训练次数:Iteration 51
2018-10-25 19:14:44,452 - root - INFO - 循环训练次数:Iteration 52
2018-10-25 19:15:10,266 - root - INFO - 循环训练次数:Iteration 53
2018-10-25 19:15:44,304 - root - INFO - 循环训练次数:Iteration 54
2018-10-25 19:16:09,668 - root - INFO - 循环训练次数:Iteration 55
2018-10-25 19:16:33,707 - root - INFO - 循环训练次数:Iteration 56
2018-10-25 19:16:57,888 - root - INFO - 循环训练次数:Iteration 57
输出图片:循环训练次数:Iteration 57
2018-10-25 19:17:27,880 - root - INFO - ('Cost: ', 71583924000.0)
2018-10-25 19:17:27,965 - root - INFO - 循环训练次数:Iteration 58
2018-10-25 19:17:52,958 - root - INFO - 循环训练次数:Iteration 59
2018-10-25 19:18:17,887 - root - INFO - 循环训练次数:Iteration 60
2018-10-25 19:18:44,349 - root - INFO - 循环训练次数:Iteration 61
2018-10-25 19:19:12,880 - root - INFO - 循环训练次数:Iteration 62
2018-10-25 19:24:47,196 - root - INFO - 循环训练次数:Iteration 63
2018-10-25 19:25:06,846 - root - INFO - 循环训练次数:Iteration 64
2018-10-25 19:25:27,967 - root - INFO - 循环训练次数:Iteration 65
2018-10-25 19:34:02,458 - root - INFO - 循环训练次数:Iteration 66
2018-10-25 19:34:23,957 - root - INFO - 循环训练次数:Iteration 67
2018-10-25 19:42:59,486 - root - INFO - 循环训练次数:Iteration 68
2018-10-25 19:43:22,433 - root - INFO - 循环训练次数:Iteration 69
2018-10-25 19:51:58,193 - root - INFO - 循环训练次数:Iteration 70
2018-10-25 19:52:23,833 - root - INFO - 循环训练次数:Iteration 71
2018-10-25 19:52:45,772 - root - INFO - 循环训练次数:Iteration 72
2018-10-25 19:53:08,551 - root - INFO - 循环训练次数:Iteration 73
2018-10-25 19:53:33,349 - root - INFO - 循环训练次数:Iteration 74
2018-10-25 19:53:59,114 - root - INFO - 循环训练次数:Iteration 75
2018-10-25 19:54:23,404 - root - INFO - 循环训练次数:Iteration 76
输出图片:循环训练次数:Iteration 76
2018-10-25 19:55:02,125 - root - INFO - ('Cost: ', 53472630000.0)
2018-10-25 19:55:02,250 - root - INFO - 循环训练次数:Iteration 77
2018-10-25 19:55:30,563 - root - INFO - 循环训练次数:Iteration 78
2018-10-25 19:55:58,758 - root - INFO - 循环训练次数:Iteration 79
2018-10-25 19:56:33,121 - root - INFO - 循环训练次数:Iteration 80
2018-10-25 19:57:06,057 - root - INFO - 循环训练次数:Iteration 81
2018-10-25 19:57:45,021 - root - INFO - 循环训练次数:Iteration 82
2018-10-25 19:58:20,968 - root - INFO - 循环训练次数:Iteration 83
2018-10-25 19:59:00,550 - root - INFO - 循环训练次数:Iteration 84
2018-10-25 19:59:37,573 - root - INFO - 循环训练次数:Iteration 85
2018-10-25 20:00:21,021 - root - INFO - 循环训练次数:Iteration 86
2018-10-25 20:00:59,274 - root - INFO - 循环训练次数:Iteration 87
2018-10-25 20:01:42,481 - root - INFO - 循环训练次数:Iteration 88
2018-10-25 20:02:28,611 - root - INFO - 循环训练次数:Iteration 89
2018-10-25 20:03:12,211 - root - INFO - 循环训练次数:Iteration 90
2018-10-25 20:03:52,286 - root - INFO - 循环训练次数:Iteration 91
2018-10-25 20:04:39,965 - root - INFO - 循环训练次数:Iteration 92
2018-10-25 20:05:22,501 - root - INFO - 循环训练次数:Iteration 93
2018-10-25 20:06:11,285 - root - INFO - 循环训练次数:Iteration 94
2018-10-25 20:06:55,296 - root - INFO - 循环训练次数:Iteration 95
输出图片:循环训练次数:Iteration 95
2018-10-25 20:08:01,634 - root - INFO - ('Cost: ', 43289534000.0)
2018-10-25 20:08:01,830 - root - INFO - 循环训练次数:Iteration 96
2018-10-25 20:08:49,069 - root - INFO - 循环训练次数:Iteration 97
2018-10-25 20:09:33,031 - root - INFO - 循环训练次数:Iteration 98
2018-10-25 20:10:16,701 - root - INFO - 循环训练次数:Iteration 99
2018-10-25 20:11:04,792 - root - INFO - 循环训练次数:Iteration 100
2018-10-25 20:11:47,594 - root - INFO - 循环训练次数:Iteration 101
2018-10-25 20:12:33,180 - root - INFO - 循环训练次数:Iteration 102
2018-10-25 20:13:16,927 - root - INFO - 循环训练次数:Iteration 103
2018-10-25 20:14:03,613 - root - INFO - 循环训练次数:Iteration 104
2018-10-25 20:14:46,937 - root - INFO - 循环训练次数:Iteration 105
2018-10-25 20:15:34,743 - root - INFO - 循环训练次数:Iteration 106
2018-10-25 20:16:23,822 - root - INFO - 循环训练次数:Iteration 107
2018-10-25 20:17:16,748 - root - INFO - 循环训练次数:Iteration 108
2018-10-25 20:18:11,864 - root - INFO - 循环训练次数:Iteration 109
2018-10-25 20:19:05,342 - root - INFO - 循环训练次数:Iteration 110
2018-10-25 20:19:52,832 - root - INFO - 循环训练次数:Iteration 111
2018-10-25 20:20:39,598 - root - INFO - 循环训练次数:Iteration 112
2018-10-25 20:21:25,792 - root - INFO - 循环训练次数:Iteration 113
2018-10-25 20:22:17,420 - root - INFO - 循环训练次数:Iteration 114
输出图片:循环训练次数:Iteration 114
2018-10-25 20:23:27,555 - root - INFO - ('Cost: ', 36799873000.0)
2018-10-25 20:23:27,779 - root - INFO - 循环训练次数:Iteration 115
2018-10-25 20:24:20,254 - root - INFO - 循环训练次数:Iteration 116
2018-10-25 20:25:06,648 - root - INFO - 循环训练次数:Iteration 117
2018-10-25 20:25:58,327 - root - INFO - 循环训练次数:Iteration 118
2018-10-25 20:26:46,632 - root - INFO - 循环训练次数:Iteration 119
2018-10-25 20:27:35,494 - root - INFO - 循环训练次数:Iteration 120
2018-10-25 20:28:18,636 - root - INFO - 循环训练次数:Iteration 121
2018-10-25 20:29:09,615 - root - INFO - 循环训练次数:Iteration 122
2018-10-25 20:29:54,212 - root - INFO - 循环训练次数:Iteration 123
2018-10-25 20:30:44,130 - root - INFO - 循环训练次数:Iteration 124
2018-10-25 20:31:30,931 - root - INFO - 循环训练次数:Iteration 125
2018-10-25 20:32:22,060 - root - INFO - 循环训练次数:Iteration 126
2018-10-25 20:33:10,721 - root - INFO - 循环训练次数:Iteration 127
2018-10-25 20:33:59,718 - root - INFO - 循环训练次数:Iteration 128
2018-10-25 20:34:45,843 - root - INFO - 循环训练次数:Iteration 129
2018-10-25 20:35:32,107 - root - INFO - 循环训练次数:Iteration 130
2018-10-25 20:36:22,123 - root - INFO - 循环训练次数:Iteration 131
2018-10-25 20:37:06,367 - root - INFO - 循环训练次数:Iteration 132
2018-10-25 20:37:54,367 - root - INFO - 循环训练次数:Iteration 133
输出图片:循环训练次数:Iteration 133
2018-10-25 20:39:02,009 - root - INFO - ('Cost: ', 32203846000.0)
2018-10-25 20:39:02,207 - root - INFO - 循环训练次数:Iteration 134
2018-10-25 20:39:49,672 - root - INFO - 循环训练次数:Iteration 135
2018-10-25 20:40:32,424 - root - INFO - 循环训练次数:Iteration 136
2018-10-25 20:41:18,455 - root - INFO - 循环训练次数:Iteration 137
2018-10-25 20:42:06,941 - root - INFO - 循环训练次数:Iteration 138
2018-10-25 20:42:58,538 - root - INFO - 循环训练次数:Iteration 139
2018-10-25 20:43:54,050 - root - INFO - 循环训练次数:Iteration 140
2018-10-25 20:44:46,013 - root - INFO - 循环训练次数:Iteration 141
2018-10-25 20:45:38,436 - root - INFO - 循环训练次数:Iteration 142
2018-10-25 20:46:31,964 - root - INFO - 循环训练次数:Iteration 143
2018-10-25 20:47:25,802 - root - INFO - 循环训练次数:Iteration 144
2018-10-25 20:48:14,144 - root - INFO - 循环训练次数:Iteration 145
2018-10-25 20:49:09,398 - root - INFO - 循环训练次数:Iteration 146
2018-10-25 20:49:57,869 - root - INFO - 循环训练次数:Iteration 147
2018-10-25 20:50:52,587 - root - INFO - 循环训练次数:Iteration 148
2018-10-25 20:51:46,171 - root - INFO - 循环训练次数:Iteration 149
2018-10-25 20:52:39,428 - root - INFO - 循环训练次数:Iteration 150
2018-10-25 20:53:28,263 - root - INFO - 循环训练次数:Iteration 151
2018-10-25 20:54:22,681 - root - INFO - 循环训练次数:Iteration 152
输出图片:循环训练次数:Iteration 152
2018-10-25 20:55:33,261 - root - INFO - ('Cost: ', 28729784000.0)
2018-10-25 20:55:33,503 - root - INFO - 循环训练次数:Iteration 153
2018-10-25 20:56:27,722 - root - INFO - 循环训练次数:Iteration 154
2018-10-25 20:57:15,816 - root - INFO - 循环训练次数:Iteration 155
2018-10-25 20:58:04,437 - root - INFO - 循环训练次数:Iteration 156
2018-10-25 20:58:59,198 - root - INFO - 循环训练次数:Iteration 157
2018-10-25 20:59:47,113 - root - INFO - 循环训练次数:Iteration 158
2018-10-25 21:00:39,640 - root - INFO - 循环训练次数:Iteration 159
2018-10-25 21:01:28,170 - root - INFO - 循环训练次数:Iteration 160
2018-10-25 21:02:21,826 - root - INFO - 循环训练次数:Iteration 161
2018-10-25 21:03:10,795 - root - INFO - 循环训练次数:Iteration 162
2018-10-25 21:04:06,170 - root - INFO - 循环训练次数:Iteration 163
2018-10-25 21:04:55,404 - root - INFO - 循环训练次数:Iteration 164
2018-10-25 21:05:47,274 - root - INFO - 循环训练次数:Iteration 165
2018-10-25 21:06:39,026 - root - INFO - 循环训练次数:Iteration 166
2018-10-25 21:07:31,670 - root - INFO - 循环训练次数:Iteration 167
2018-10-25 21:08:25,757 - root - INFO - 循环训练次数:Iteration 168
2018-10-25 21:09:15,228 - root - INFO - 循环训练次数:Iteration 169
2018-10-25 21:10:08,677 - root - INFO - 循环训练次数:Iteration 170
2018-10-25 21:10:58,170 - root - INFO - 循环训练次数:Iteration 171
输出图片:循环训练次数:Iteration 171
2018-10-25 21:12:13,985 - root - INFO - ('Cost: ', 25953618000.0)
2018-10-25 21:12:14,209 - root - INFO - 循环训练次数:Iteration 172
2018-10-25 21:13:08,531 - root - INFO - 循环训练次数:Iteration 173
2018-10-25 21:13:57,309 - root - INFO - 循环训练次数:Iteration 174
2018-10-25 21:14:45,501 - root - INFO - 循环训练次数:Iteration 175
2018-10-25 21:15:39,228 - root - INFO - 循环训练次数:Iteration 176
2018-10-25 21:16:28,433 - root - INFO - 循环训练次数:Iteration 177
2018-10-25 21:17:23,683 - root - INFO - 循环训练次数:Iteration 178
2018-10-25 21:18:22,177 - root - INFO - 循环训练次数:Iteration 179
2018-10-25 21:19:10,768 - root - INFO - 循环训练次数:Iteration 180
2018-10-25 21:20:02,713 - root - INFO - 循环训练次数:Iteration 181
2018-10-25 21:20:50,715 - root - INFO - 循环训练次数:Iteration 182
2018-10-25 21:21:43,918 - root - INFO - 循环训练次数:Iteration 183
2018-10-25 21:22:32,512 - root - INFO - 循环训练次数:Iteration 184
2018-10-25 21:23:25,030 - root - INFO - 循环训练次数:Iteration 185
2018-10-25 21:24:11,913 - root - INFO - 循环训练次数:Iteration 186
2018-10-25 21:25:00,073 - root - INFO - 循环训练次数:Iteration 187
2018-10-25 21:25:49,993 - root - INFO - 循环训练次数:Iteration 188
2018-10-25 21:26:37,701 - root - INFO - 循环训练次数:Iteration 189
2018-10-25 21:27:29,347 - root - INFO - 循环训练次数:Iteration 190
输出图片:循环训练次数:Iteration 190
2018-10-25 21:28:39,209 - root - INFO - ('Cost: ', 23653183000.0)
2018-10-25 21:28:39,442 - root - INFO - 循环训练次数:Iteration 191
2018-10-25 21:29:32,053 - root - INFO - 循环训练次数:Iteration 192
2018-10-25 21:30:19,994 - root - INFO - 循环训练次数:Iteration 193
2018-10-25 21:31:12,117 - root - INFO - 循环训练次数:Iteration 194
2018-10-25 21:32:00,937 - root - INFO - 循环训练次数:Iteration 195
2018-10-25 21:32:54,496 - root - INFO - 循环训练次数:Iteration 196
2018-10-25 21:33:40,969 - root - INFO - 循环训练次数:Iteration 197
2018-10-25 21:34:34,529 - root - INFO - 循环训练次数:Iteration 198
2018-10-25 21:35:21,988 - root - INFO - 循环训练次数:Iteration 199
2018-10-25 21:36:13,611 - root - INFO - 循环训练次数:Iteration 200
2018-10-25 21:37:00,658 - root - INFO - 循环训练次数:Iteration 201
2018-10-25 21:37:53,038 - root - INFO - 循环训练次数:Iteration 202
2018-10-25 21:38:36,435 - root - INFO - 循环训练次数:Iteration 203
2018-10-25 21:39:23,902 - root - INFO - 循环训练次数:Iteration 204
2018-10-25 21:40:15,772 - root - INFO - 循环训练次数:Iteration 205
2018-10-25 21:41:02,597 - root - INFO - 循环训练次数:Iteration 206
2018-10-25 21:41:55,894 - root - INFO - 循环训练次数:Iteration 207
2018-10-25 21:42:48,602 - root - INFO - 循环训练次数:Iteration 208
2018-10-25 21:43:39,305 - root - INFO - 循环训练次数:Iteration 209
输出图片:循环训练次数:Iteration 209
2018-10-25 21:44:48,074 - root - INFO - ('Cost: ', 21710460000.0)
2018-10-25 21:44:48,299 - root - INFO - 循环训练次数:Iteration 210
2018-10-25 21:45:34,645 - root - INFO - 循环训练次数:Iteration 211
2018-10-25 21:46:27,617 - root - INFO - 循环训练次数:Iteration 212
2018-10-25 21:47:17,128 - root - INFO - 循环训练次数:Iteration 213
2018-10-25 21:48:05,290 - root - INFO - 循环训练次数:Iteration 214
2018-10-25 21:48:52,535 - root - INFO - 循环训练次数:Iteration 215
2018-10-25 21:49:43,469 - root - INFO - 循环训练次数:Iteration 216
2018-10-25 21:50:30,278 - root - INFO - 循环训练次数:Iteration 217
2018-10-25 21:51:22,719 - root - INFO - 循环训练次数:Iteration 218
2018-10-25 21:52:10,539 - root - INFO - 循环训练次数:Iteration 219
2018-10-25 21:52:58,518 - root - INFO - 循环训练次数:Iteration 220
2018-10-25 21:53:44,551 - root - INFO - 循环训练次数:Iteration 221
2018-10-25 21:54:31,027 - root - INFO - 循环训练次数:Iteration 222
2018-10-25 21:55:16,372 - root - INFO - 循环训练次数:Iteration 223
2018-10-25 21:56:01,754 - root - INFO - 循环训练次数:Iteration 224
2018-10-25 21:56:50,744 - root - INFO - 循环训练次数:Iteration 225
2018-10-25 21:57:38,398 - root - INFO - 循环训练次数:Iteration 226
2018-10-25 21:58:23,022 - root - INFO - 循环训练次数:Iteration 227
2018-10-25 21:59:06,388 - root - INFO - 循环训练次数:Iteration 228
输出图片:循环训练次数:Iteration 228
2018-10-25 22:00:18,866 - root - INFO - ('Cost: ', 20020950000.0)
2018-10-25 22:00:19,094 - root - INFO - 循环训练次数:Iteration 229
2018-10-25 22:01:06,647 - root - INFO - 循环训练次数:Iteration 230
2018-10-25 22:01:49,473 - root - INFO - 循环训练次数:Iteration 231
2018-10-25 22:02:37,517 - root - INFO - 循环训练次数:Iteration 232
2018-10-25 22:03:26,283 - root - INFO - 循环训练次数:Iteration 233
2018-10-25 22:04:12,439 - root - INFO - 循环训练次数:Iteration 234
2018-10-25 22:05:01,344 - root - INFO - 循环训练次数:Iteration 235
2018-10-25 22:05:45,930 - root - INFO - 循环训练次数:Iteration 236
2018-10-25 22:06:32,891 - root - INFO - 循环训练次数:Iteration 237
2018-10-25 22:07:17,967 - root - INFO - 循环训练次数:Iteration 238
2018-10-25 22:08:01,370 - root - INFO - 循环训练次数:Iteration 239
2018-10-25 22:08:51,382 - root - INFO - 循环训练次数:Iteration 240
2018-10-25 22:09:34,274 - root - INFO - 循环训练次数:Iteration 241
2018-10-25 22:10:27,198 - root - INFO - 循环训练次数:Iteration 242
2018-10-25 22:11:13,118 - root - INFO - 循环训练次数:Iteration 243
2018-10-25 22:12:00,106 - root - INFO - 循环训练次数:Iteration 244
2018-10-25 22:12:47,286 - root - INFO - 循环训练次数:Iteration 245
2018-10-25 22:13:35,360 - root - INFO - 循环训练次数:Iteration 246
2018-10-25 22:14:21,428 - root - INFO - 循环训练次数:Iteration 247
输出图片:循环训练次数:Iteration 247
2018-10-25 22:15:33,007 - root - INFO - ('Cost: ', 18524172000.0)
2018-10-25 22:15:33,210 - root - INFO - 循环训练次数:Iteration 248
2018-10-25 22:16:17,309 - root - INFO - 循环训练次数:Iteration 249
2018-10-25 22:17:06,005 - root - INFO - 循环训练次数:Iteration 250
2018-10-25 22:17:56,843 - root - INFO - 循环训练次数:Iteration 251
2018-10-25 22:18:44,915 - root - INFO - 循环训练次数:Iteration 252
2018-10-25 22:19:27,765 - root - INFO - 循环训练次数:Iteration 253
2018-10-25 22:20:16,053 - root - INFO - 循环训练次数:Iteration 254
2018-10-25 22:21:03,356 - root - INFO - 循环训练次数:Iteration 255
2018-10-25 22:21:50,838 - root - INFO - 循环训练次数:Iteration 256
2018-10-25 22:22:38,583 - root - INFO - 循环训练次数:Iteration 257
2018-10-25 22:23:26,251 - root - INFO - 循环训练次数:Iteration 258
2018-10-25 22:24:12,570 - root - INFO - 循环训练次数:Iteration 259
2018-10-25 22:24:56,607 - root - INFO - 循环训练次数:Iteration 260
2018-10-25 22:25:40,932 - root - INFO - 循环训练次数:Iteration 261
2018-10-25 22:26:29,841 - root - INFO - 循环训练次数:Iteration 262
2018-10-25 22:27:18,461 - root - INFO - 循环训练次数:Iteration 263
2018-10-25 22:28:04,845 - root - INFO - 循环训练次数:Iteration 264
2018-10-25 22:28:53,481 - root - INFO - 循环训练次数:Iteration 265
2018-10-25 22:29:39,458 - root - INFO - 循环训练次数:Iteration 266
输出图片:循环训练次数:Iteration 266
2018-10-25 22:30:49,564 - root - INFO - ('Cost: ', 17190846000.0)
2018-10-25 22:30:49,767 - root - INFO - 循环训练次数:Iteration 267
2018-10-25 22:31:34,073 - root - INFO - 循环训练次数:Iteration 268
2018-10-25 22:32:23,431 - root - INFO - 循环训练次数:Iteration 269
2018-10-25 22:33:11,667 - root - INFO - 循环训练次数:Iteration 270
2018-10-25 22:34:00,736 - root - INFO - 循环训练次数:Iteration 271
2018-10-25 22:34:46,597 - root - INFO - 循环训练次数:Iteration 272
2018-10-25 22:35:35,305 - root - INFO - 循环训练次数:Iteration 273
2018-10-25 22:36:21,055 - root - INFO - 循环训练次数:Iteration 274
2018-10-25 22:37:05,229 - root - INFO - 循环训练次数:Iteration 275
2018-10-25 22:37:52,749 - root - INFO - 循环训练次数:Iteration 276
2018-10-25 22:38:38,986 - root - INFO - 循环训练次数:Iteration 277
2018-10-25 22:39:21,145 - root - INFO - 循环训练次数:Iteration 278
2018-10-25 22:40:06,788 - root - INFO - 循环训练次数:Iteration 279
2018-10-25 22:40:53,205 - root - INFO - 循环训练次数:Iteration 280
2018-10-25 22:41:40,221 - root - INFO - 循环训练次数:Iteration 281
2018-10-25 22:42:27,396 - root - INFO - 循环训练次数:Iteration 282
2018-10-25 22:43:15,029 - root - INFO - 循环训练次数:Iteration 283
2018-10-25 22:44:02,130 - root - INFO - 循环训练次数:Iteration 284
2018-10-25 22:44:49,152 - root - INFO - 循环训练次数:Iteration 285
输出图片:循环训练次数:Iteration 285
2018-10-25 22:45:57,424 - root - INFO - ('Cost: ', 16000462000.0)
2018-10-25 22:45:57,649 - root - INFO - 循环训练次数:Iteration 286
2018-10-25 22:46:46,483 - root - INFO - 循环训练次数:Iteration 287
2018-10-25 22:47:31,711 - root - INFO - 循环训练次数:Iteration 288
2018-10-25 22:48:18,902 - root - INFO - 循环训练次数:Iteration 289
2018-10-25 22:49:07,676 - root - INFO - 循环训练次数:Iteration 290
2018-10-25 22:49:54,861 - root - INFO - 循环训练次数:Iteration 291
2018-10-25 22:50:40,628 - root - INFO - 循环训练次数:Iteration 292
2018-10-25 22:51:27,920 - root - INFO - 循环训练次数:Iteration 293
2018-10-25 22:52:16,316 - root - INFO - 循环训练次数:Iteration 294
2018-10-25 22:53:05,190 - root - INFO - 循环训练次数:Iteration 295
2018-10-25 22:53:53,116 - root - INFO - 循环训练次数:Iteration 296
2018-10-25 22:54:39,641 - root - INFO - 循环训练次数:Iteration 297
2018-10-25 22:55:24,173 - root - INFO - 循环训练次数:Iteration 298
2018-10-25 22:56:12,964 - root - INFO - 循环训练次数:Iteration 299
2018-10-25 22:56:57,001 - root - INFO - 循环训练次数:Iteration 300
2018-10-25 22:57:47,543 - root - INFO - 循环训练次数:Iteration 301
2018-10-25 22:58:35,174 - root - INFO - 循环训练次数:Iteration 302
2018-10-25 22:59:24,060 - root - INFO - 循环训练次数:Iteration 303
2018-10-25 23:00:12,907 - root - INFO - 循环训练次数:Iteration 304
输出图片:循环训练次数:Iteration 304
2018-10-25 23:01:22,669 - root - INFO - ('Cost: ', 14919831000.0)
2018-10-25 23:01:22,893 - root - INFO - 循环训练次数:Iteration 305
2018-10-25 23:02:10,984 - root - INFO - 循环训练次数:Iteration 306
2018-10-25 23:03:02,566 - root - INFO - 循环训练次数:Iteration 307
2018-10-25 23:03:47,741 - root - INFO - 循环训练次数:Iteration 308
2018-10-25 23:04:36,591 - root - INFO - 循环训练次数:Iteration 309
2018-10-25 23:05:29,092 - root - INFO - 循环训练次数:Iteration 310
2018-10-25 23:06:16,335 - root - INFO - 循环训练次数:Iteration 311
2018-10-25 23:07:07,567 - root - INFO - 循环训练次数:Iteration 312
2018-10-25 23:07:55,624 - root - INFO - 循环训练次数:Iteration 313
2018-10-25 23:08:43,173 - root - INFO - 循环训练次数:Iteration 314
2018-10-25 23:09:32,499 - root - INFO - 循环训练次数:Iteration 315
2018-10-25 23:10:19,845 - root - INFO - 循环训练次数:Iteration 316
2018-10-25 23:11:08,698 - root - INFO - 循环训练次数:Iteration 317
2018-10-25 23:11:56,883 - root - INFO - 循环训练次数:Iteration 318
2018-10-25 23:12:47,240 - root - INFO - 循环训练次数:Iteration 319
2018-10-25 23:13:37,105 - root - INFO - 循环训练次数:Iteration 320
2018-10-25 23:14:26,255 - root - INFO - 循环训练次数:Iteration 321
2018-10-25 23:15:20,579 - root - INFO - 循环训练次数:Iteration 322
2018-10-25 23:16:08,715 - root - INFO - 循环训练次数:Iteration 323
输出图片:循环训练次数:Iteration 323
2018-10-25 23:17:23,192 - root - INFO - ('Cost: ', 13927075000.0)
2018-10-25 23:17:23,417 - root - INFO - 循环训练次数:Iteration 324
2018-10-25 23:18:20,456 - root - INFO - 循环训练次数:Iteration 325
2018-10-25 23:19:07,266 - root - INFO - 循环训练次数:Iteration 326
2018-10-25 23:19:54,777 - root - INFO - 循环训练次数:Iteration 327
2018-10-25 23:20:46,505 - root - INFO - 循环训练次数:Iteration 328
2018-10-25 23:21:33,426 - root - INFO - 循环训练次数:Iteration 329
2018-10-25 23:22:21,721 - root - INFO - 循环训练次数:Iteration 330
2018-10-25 23:23:11,793 - root - INFO - 循环训练次数:Iteration 331
2018-10-25 23:23:59,502 - root - INFO - 循环训练次数:Iteration 332
2018-10-25 23:24:52,631 - root - INFO - 循环训练次数:Iteration 333
2018-10-25 23:25:44,020 - root - INFO - 循环训练次数:Iteration 334
2018-10-25 23:26:34,926 - root - INFO - 循环训练次数:Iteration 335
2018-10-25 23:27:25,277 - root - INFO - 循环训练次数:Iteration 336
2018-10-25 23:28:15,874 - root - INFO - 循环训练次数:Iteration 337
2018-10-25 23:29:02,988 - root - INFO - 循环训练次数:Iteration 338
2018-10-25 23:29:54,522 - root - INFO - 循环训练次数:Iteration 339
2018-10-25 23:30:41,003 - root - INFO - 循环训练次数:Iteration 340
2018-10-25 23:31:32,688 - root - INFO - 循环训练次数:Iteration 341
2018-10-25 23:32:20,428 - root - INFO - 循环训练次数:Iteration 342
输出图片:循环训练次数:Iteration 342
2018-10-25 23:33:34,235 - root - INFO - ('Cost: ', 13011556000.0)
2018-10-25 23:33:34,450 - root - INFO - 循环训练次数:Iteration 343
2018-10-25 23:34:24,490 - root - INFO - 循环训练次数:Iteration 344
2018-10-25 23:35:14,234 - root - INFO - 循环训练次数:Iteration 345
2018-10-25 23:36:00,472 - root - INFO - 循环训练次数:Iteration 346
2018-10-25 23:36:52,886 - root - INFO - 循环训练次数:Iteration 347
2018-10-25 23:37:45,234 - root - INFO - 循环训练次数:Iteration 348
2018-10-25 23:38:39,697 - root - INFO - 循环训练次数:Iteration 349
2018-10-25 23:39:32,281 - root - INFO - 循环训练次数:Iteration 350
2018-10-25 23:40:22,170 - root - INFO - 循环训练次数:Iteration 351
2018-10-25 23:41:13,908 - root - INFO - 循环训练次数:Iteration 352
2018-10-25 23:42:00,506 - root - INFO - 循环训练次数:Iteration 353
2018-10-25 23:42:53,371 - root - INFO - 循环训练次数:Iteration 354
2018-10-25 23:43:40,282 - root - INFO - 循环训练次数:Iteration 355
2018-10-25 23:44:33,079 - root - INFO - 循环训练次数:Iteration 356
2018-10-25 23:45:19,575 - root - INFO - 循环训练次数:Iteration 357
2018-10-25 23:46:06,147 - root - INFO - 循环训练次数:Iteration 358
2018-10-25 23:46:57,571 - root - INFO - 循环训练次数:Iteration 359
2018-10-25 23:47:43,697 - root - INFO - 循环训练次数:Iteration 360
2018-10-25 23:48:34,425 - root - INFO - 循环训练次数:Iteration 361
输出图片:循环训练次数:Iteration 361
2018-10-25 23:49:42,433 - root - INFO - ('Cost: ', 12166985000.0)
2018-10-25 23:49:42,653 - root - INFO - 循环训练次数:Iteration 362
2018-10-25 23:50:33,273 - root - INFO - 循环训练次数:Iteration 363
2018-10-25 23:51:19,327 - root - INFO - 循环训练次数:Iteration 364
2018-10-25 23:52:10,437 - root - INFO - 循环训练次数:Iteration 365
2018-10-25 23:52:57,497 - root - INFO - 循环训练次数:Iteration 366
2018-10-25 23:53:48,072 - root - INFO - 循环训练次数:Iteration 367
2018-10-25 23:54:35,346 - root - INFO - 循环训练次数:Iteration 368
2018-10-25 23:55:26,820 - root - INFO - 循环训练次数:Iteration 369
2018-10-25 23:56:13,877 - root - INFO - 循环训练次数:Iteration 370
2018-10-25 23:57:00,765 - root - INFO - 循环训练次数:Iteration 371
2018-10-25 23:57:52,451 - root - INFO - 循环训练次数:Iteration 372
2018-10-25 23:58:40,219 - root - INFO - 循环训练次数:Iteration 373
2018-10-25 23:59:27,887 - root - INFO - 循环训练次数:Iteration 374
2018-10-26 00:00:20,886 - root - INFO - 循环训练次数:Iteration 375
2018-10-26 00:01:08,423 - root - INFO - 循环训练次数:Iteration 376
2018-10-26 00:01:56,160 - root - INFO - 循环训练次数:Iteration 377
2018-10-26 00:02:47,980 - root - INFO - 循环训练次数:Iteration 378
2018-10-26 00:03:35,664 - root - INFO - 循环训练次数:Iteration 379
2018-10-26 00:04:23,334 - root - INFO - 循环训练次数:Iteration 380
输出图片:循环训练次数:Iteration 380
2018-10-26 00:05:37,925 - root - INFO - ('Cost: ', 11386473000.0)
2018-10-26 00:05:38,173 - root - INFO - 循环训练次数:Iteration 381
2018-10-26 00:06:27,958 - root - INFO - 循环训练次数:Iteration 382
2018-10-26 00:07:15,492 - root - INFO - 循环训练次数:Iteration 383
2018-10-26 00:08:08,919 - root - INFO - 循环训练次数:Iteration 384
2018-10-26 00:08:55,338 - root - INFO - 循环训练次数:Iteration 385
2018-10-26 00:09:42,407 - root - INFO - 循环训练次数:Iteration 386
2018-10-26 00:10:28,889 - root - INFO - 循环训练次数:Iteration 387
2018-10-26 00:11:15,695 - root - INFO - 循环训练次数:Iteration 388
2018-10-26 00:12:02,677 - root - INFO - 循环训练次数:Iteration 389
2018-10-26 00:12:48,718 - root - INFO - 循环训练次数:Iteration 390
2018-10-26 00:13:35,776 - root - INFO - 循环训练次数:Iteration 391
2018-10-26 00:14:21,985 - root - INFO - 循环训练次数:Iteration 392
2018-10-26 00:15:08,074 - root - INFO - 循环训练次数:Iteration 393
2018-10-26 00:15:55,336 - root - INFO - 循环训练次数:Iteration 394
2018-10-26 00:16:41,723 - root - INFO - 循环训练次数:Iteration 395
2018-10-26 00:17:32,153 - root - INFO - 循环训练次数:Iteration 396
2018-10-26 00:18:29,884 - root - INFO - 循环训练次数:Iteration 397
2018-10-26 00:19:16,590 - root - INFO - 循环训练次数:Iteration 398
2018-10-26 00:20:07,570 - root - INFO - 循环训练次数:Iteration 399
输出图片:循环训练次数:Iteration 399
2018-10-26 00:21:15,876 - root - INFO - ('Cost: ', 10664712000.0)
2018-10-26 00:21:16,099 - root - INFO - 循环训练次数:Iteration 400
2018-10-26 00:22:07,099 - root - INFO - 循环训练次数:Iteration 401
2018-10-26 00:22:52,960 - root - INFO - 循环训练次数:Iteration 402
2018-10-26 00:23:39,362 - root - INFO - 循环训练次数:Iteration 403
2018-10-26 00:24:28,618 - root - INFO - 循环训练次数:Iteration 404
2018-10-26 00:25:14,108 - root - INFO - 循环训练次数:Iteration 405
2018-10-26 00:26:05,733 - root - INFO - 循环训练次数:Iteration 406
2018-10-26 00:26:51,403 - root - INFO - 循环训练次数:Iteration 407
2018-10-26 00:27:39,717 - root - INFO - 循环训练次数:Iteration 408
2018-10-26 00:28:27,483 - root - INFO - 循环训练次数:Iteration 409
2018-10-26 00:29:18,552 - root - INFO - 循环训练次数:Iteration 410
2018-10-26 00:30:05,720 - root - INFO - 循环训练次数:Iteration 411
2018-10-26 00:30:53,824 - root - INFO - 循环训练次数:Iteration 412
2018-10-26 00:31:45,790 - root - INFO - 循环训练次数:Iteration 413
2018-10-26 00:32:33,487 - root - INFO - 循环训练次数:Iteration 414
2018-10-26 00:33:22,670 - root - INFO - 循环训练次数:Iteration 415
2018-10-26 00:34:09,765 - root - INFO - 循环训练次数:Iteration 416
2018-10-26 00:34:56,109 - root - INFO - 循环训练次数:Iteration 417
2018-10-26 00:35:45,851 - root - INFO - 循环训练次数:Iteration 418
输出图片:循环训练次数:Iteration 418
2018-10-26 00:36:53,476 - root - INFO - ('Cost: ', 9995479000.0)
2018-10-26 00:36:53,690 - root - INFO - 循环训练次数:Iteration 419
2018-10-26 00:37:43,107 - root - INFO - 循环训练次数:Iteration 420
2018-10-26 00:38:30,219 - root - INFO - 循环训练次数:Iteration 421
2018-10-26 00:39:16,985 - root - INFO - 循环训练次数:Iteration 422
2018-10-26 00:40:07,935 - root - INFO - 循环训练次数:Iteration 423
2018-10-26 00:40:55,181 - root - INFO - 循环训练次数:Iteration 424
2018-10-26 00:41:41,836 - root - INFO - 循环训练次数:Iteration 425
2018-10-26 00:42:33,740 - root - INFO - 循环训练次数:Iteration 426
2018-10-26 00:43:20,217 - root - INFO - 循环训练次数:Iteration 427
2018-10-26 00:44:10,055 - root - INFO - 循环训练次数:Iteration 428
2018-10-26 00:44:57,040 - root - INFO - 循环训练次数:Iteration 429
2018-10-26 00:45:48,066 - root - INFO - 循环训练次数:Iteration 430
2018-10-26 00:46:33,620 - root - INFO - 循环训练次数:Iteration 431
2018-10-26 00:47:21,191 - root - INFO - 循环训练次数:Iteration 432
2018-10-26 00:48:08,215 - root - INFO - 循环训练次数:Iteration 433
2018-10-26 00:48:56,248 - root - INFO - 循环训练次数:Iteration 434
2018-10-26 00:49:47,978 - root - INFO - 循环训练次数:Iteration 435
2018-10-26 00:50:34,581 - root - INFO - 循环训练次数:Iteration 436
2018-10-26 00:51:20,829 - root - INFO - 循环训练次数:Iteration 437
输出图片:循环训练次数:Iteration 437
2018-10-26 00:52:29,141 - root - INFO - ('Cost: ', 9371697000.0)
2018-10-26 00:52:29,346 - root - INFO - 循环训练次数:Iteration 438
2018-10-26 00:53:20,800 - root - INFO - 循环训练次数:Iteration 439
2018-10-26 00:54:06,616 - root - INFO - 循环训练次数:Iteration 440
2018-10-26 00:54:53,622 - root - INFO - 循环训练次数:Iteration 441
2018-10-26 00:55:42,344 - root - INFO - 循环训练次数:Iteration 442
2018-10-26 00:56:35,049 - root - INFO - 循环训练次数:Iteration 443
2018-10-26 00:57:21,735 - root - INFO - 循环训练次数:Iteration 444
2018-10-26 00:58:09,478 - root - INFO - 循环训练次数:Iteration 445
2018-10-26 00:59:00,444 - root - INFO - 循环训练次数:Iteration 446
2018-10-26 00:59:48,077 - root - INFO - 循环训练次数:Iteration 447
2018-10-26 01:00:34,228 - root - INFO - 循环训练次数:Iteration 448
2018-10-26 01:01:24,129 - root - INFO - 循环训练次数:Iteration 449
2018-10-26 01:02:11,655 - root - INFO - 循环训练次数:Iteration 450
2018-10-26 01:03:03,839 - root - INFO - 循环训练次数:Iteration 451
2018-10-26 01:03:51,510 - root - INFO - 循环训练次数:Iteration 452
2018-10-26 01:04:38,786 - root - INFO - 循环训练次数:Iteration 453
2018-10-26 01:05:30,222 - root - INFO - 循环训练次数:Iteration 454
2018-10-26 01:06:17,394 - root - INFO - 循环训练次数:Iteration 455
2018-10-26 01:07:06,392 - root - INFO - 循环训练次数:Iteration 456
输出图片:循环训练次数:Iteration 456
2018-10-26 01:08:17,336 - root - INFO - ('Cost: ', 8789830000.0)
2018-10-26 01:08:17,540 - root - INFO - 循环训练次数:Iteration 457
2018-10-26 01:09:08,098 - root - INFO - 循环训练次数:Iteration 458
2018-10-26 01:09:54,298 - root - INFO - 循环训练次数:Iteration 459
2018-10-26 01:10:41,640 - root - INFO - 循环训练次数:Iteration 460
2018-10-26 01:11:31,975 - root - INFO - 循环训练次数:Iteration 461
2018-10-26 01:12:17,507 - root - INFO - 循环训练次数:Iteration 462
2018-10-26 01:13:08,519 - root - INFO - 循环训练次数:Iteration 463
2018-10-26 01:13:55,877 - root - INFO - 循环训练次数:Iteration 464
2018-10-26 01:14:46,624 - root - INFO - 循环训练次数:Iteration 465
2018-10-26 01:15:35,729 - root - INFO - 循环训练次数:Iteration 466
2018-10-26 01:16:25,850 - root - INFO - 循环训练次数:Iteration 467
2018-10-26 01:17:12,378 - root - INFO - 循环训练次数:Iteration 468
2018-10-26 01:18:05,465 - root - INFO - 循环训练次数:Iteration 469
2018-10-26 01:18:53,781 - root - INFO - 循环训练次数:Iteration 470
2018-10-26 01:19:39,975 - root - INFO - 循环训练次数:Iteration 471
2018-10-26 01:20:29,536 - root - INFO - 循环训练次数:Iteration 472
2018-10-26 01:21:16,096 - root - INFO - 循环训练次数:Iteration 473
2018-10-26 01:22:06,945 - root - INFO - 循环训练次数:Iteration 474
2018-10-26 01:22:54,107 - root - INFO - 循环训练次数:Iteration 475
输出图片:循环训练次数:Iteration 475
2018-10-26 01:24:01,542 - root - INFO - ('Cost: ', 8246691000.0)
2018-10-26 01:24:01,748 - root - INFO - 循环训练次数:Iteration 476
2018-10-26 01:24:51,050 - root - INFO - 循环训练次数:Iteration 477
2018-10-26 01:25:37,605 - root - INFO - 循环训练次数:Iteration 478
2018-10-26 01:26:24,189 - root - INFO - 循环训练次数:Iteration 479
2018-10-26 01:27:14,447 - root - INFO - 循环训练次数:Iteration 480
2018-10-26 01:28:00,012 - root - INFO - 循环训练次数:Iteration 481
2018-10-26 01:28:45,861 - root - INFO - 循环训练次数:Iteration 482
2018-10-26 01:29:35,104 - root - INFO - 循环训练次数:Iteration 483
2018-10-26 01:30:20,949 - root - INFO - 循环训练次数:Iteration 484
2018-10-26 01:31:11,335 - root - INFO - 循环训练次数:Iteration 485
2018-10-26 01:31:56,597 - root - INFO - 循环训练次数:Iteration 486
2018-10-26 01:32:42,597 - root - INFO - 循环训练次数:Iteration 487
2018-10-26 01:33:32,967 - root - INFO - 循环训练次数:Iteration 488
2018-10-26 01:34:18,382 - root - INFO - 循环训练次数:Iteration 489
2018-10-26 01:35:04,583 - root - INFO - 循环训练次数:Iteration 490
2018-10-26 01:35:54,179 - root - INFO - 循环训练次数:Iteration 491
2018-10-26 01:36:40,285 - root - INFO - 循环训练次数:Iteration 492
2018-10-26 01:37:26,195 - root - INFO - 循环训练次数:Iteration 493
2018-10-26 01:38:14,099 - root - INFO - 循环训练次数:Iteration 494
输出图片:循环训练次数:Iteration 494
2018-10-26 01:39:21,148 - root - INFO - ('Cost: ', 7738841000.0)
2018-10-26 01:39:21,357 - root - INFO - 循环训练次数:Iteration 495
2018-10-26 01:40:11,793 - root - INFO - 循环训练次数:Iteration 496
2018-10-26 01:40:56,197 - root - INFO - 循环训练次数:Iteration 497
2018-10-26 01:41:42,104 - root - INFO - 循环训练次数:Iteration 498
2018-10-26 01:42:28,093 - root - INFO - 循环训练次数:Iteration 499
2018-10-26 01:43:17,980 - root - INFO - 循环训练次数:Iteration 500
2018-10-26 01:44:03,168 - root - INFO - 循环训练次数:Iteration 501
2018-10-26 01:44:52,482 - root - INFO - 循环训练次数:Iteration 502
2018-10-26 01:45:37,717 - root - INFO - 循环训练次数:Iteration 503
2018-10-26 01:46:27,240 - root - INFO - 循环训练次数:Iteration 504
2018-10-26 01:47:12,655 - root - INFO - 循环训练次数:Iteration 505
2018-10-26 01:48:00,098 - root - INFO - 循环训练次数:Iteration 506
2018-10-26 01:48:46,508 - root - INFO - 循环训练次数:Iteration 507
2018-10-26 01:49:31,321 - root - INFO - 循环训练次数:Iteration 508
2018-10-26 01:50:21,147 - root - INFO - 循环训练次数:Iteration 509
2018-10-26 01:51:03,607 - root - INFO - 循环训练次数:Iteration 510
2018-10-26 01:51:49,526 - root - INFO - 循环训练次数:Iteration 511
2018-10-26 01:52:39,549 - root - INFO - 循环训练次数:Iteration 512
2018-10-26 01:53:23,989 - root - INFO - 循环训练次数:Iteration 513
输出图片:循环训练次数:Iteration 513
2018-10-26 01:54:33,292 - root - INFO - ('Cost: ', 7265667600.0)
2018-10-26 01:54:33,476 - root - INFO - 循环训练次数:Iteration 514
2018-10-26 01:55:19,580 - root - INFO - 循环训练次数:Iteration 515
2018-10-26 01:56:09,085 - root - INFO - 循环训练次数:Iteration 516
2018-10-26 01:56:53,530 - root - INFO - 循环训练次数:Iteration 517
2018-10-26 01:57:39,483 - root - INFO - 循环训练次数:Iteration 518
2018-10-26 01:58:25,698 - root - INFO - 循环训练次数:Iteration 519
2018-10-26 01:59:12,272 - root - INFO - 循环训练次数:Iteration 520
2018-10-26 02:00:02,815 - root - INFO - 循环训练次数:Iteration 521
2018-10-26 02:00:44,287 - root - INFO - 循环训练次数:Iteration 522
2018-10-26 02:01:29,412 - root - INFO - 循环训练次数:Iteration 523
2018-10-26 02:02:14,903 - root - INFO - 循环训练次数:Iteration 524
2018-10-26 02:03:00,704 - root - INFO - 循环训练次数:Iteration 525
2018-10-26 02:03:48,729 - root - INFO - 循环训练次数:Iteration 526
2018-10-26 02:04:34,112 - root - INFO - 循环训练次数:Iteration 527
2018-10-26 02:05:23,443 - root - INFO - 循环训练次数:Iteration 528
2018-10-26 02:06:04,771 - root - INFO - 循环训练次数:Iteration 529
2018-10-26 02:06:50,135 - root - INFO - 循环训练次数:Iteration 530
2018-10-26 02:07:38,843 - root - INFO - 循环训练次数:Iteration 531
2018-10-26 02:08:28,268 - root - INFO - 循环训练次数:Iteration 532
输出图片:循环训练次数:Iteration 532
2018-10-26 02:09:30,740 - root - INFO - ('Cost: ', 6821237000.0)
2018-10-26 02:09:30,942 - root - INFO - 循环训练次数:Iteration 533
2018-10-26 02:10:21,370 - root - INFO - 循环训练次数:Iteration 534
2018-10-26 02:11:05,726 - root - INFO - 循环训练次数:Iteration 535
2018-10-26 02:11:51,105 - root - INFO - 循环训练次数:Iteration 536
2018-10-26 02:12:36,449 - root - INFO - 循环训练次数:Iteration 537
2018-10-26 02:13:21,426 - root - INFO - 循环训练次数:Iteration 538
2018-10-26 02:14:02,808 - root - INFO - 循环训练次数:Iteration 539
2018-10-26 02:14:48,789 - root - INFO - 循环训练次数:Iteration 540
2018-10-26 02:15:35,432 - root - INFO - 循环训练次数:Iteration 541
2018-10-26 02:16:25,283 - root - INFO - 循环训练次数:Iteration 542
2018-10-26 02:17:11,374 - root - INFO - 循环训练次数:Iteration 543
2018-10-26 02:17:58,941 - root - INFO - 循环训练次数:Iteration 544
2018-10-26 02:18:46,767 - root - INFO - 循环训练次数:Iteration 545
2018-10-26 02:19:33,255 - root - INFO - 循环训练次数:Iteration 546
2018-10-26 02:20:19,044 - root - INFO - 循环训练次数:Iteration 547
2018-10-26 02:21:05,672 - root - INFO - 循环训练次数:Iteration 548
2018-10-26 02:21:52,429 - root - INFO - 循环训练次数:Iteration 549
2018-10-26 02:22:37,249 - root - INFO - 循环训练次数:Iteration 550
2018-10-26 02:23:25,077 - root - INFO - 循环训练次数:Iteration 551
输出图片:循环训练次数:Iteration 551
2018-10-26 02:24:31,486 - root - INFO - ('Cost: ', 6404177000.0)
2018-10-26 02:24:31,689 - root - INFO - 循环训练次数:Iteration 552
2018-10-26 02:25:19,475 - root - INFO - 循环训练次数:Iteration 553
2018-10-26 02:26:04,352 - root - INFO - 循环训练次数:Iteration 554
2018-10-26 02:26:51,921 - root - INFO - 循环训练次数:Iteration 555
2018-10-26 02:27:33,230 - root - INFO - 循环训练次数:Iteration 556
2018-10-26 02:28:18,960 - root - INFO - 循环训练次数:Iteration 557
2018-10-26 02:29:05,679 - root - INFO - 循环训练次数:Iteration 558
2018-10-26 02:29:51,594 - root - INFO - 循环训练次数:Iteration 559
2018-10-26 02:30:39,895 - root - INFO - 循环训练次数:Iteration 560
2018-10-26 02:31:24,650 - root - INFO - 循环训练次数:Iteration 561
2018-10-26 02:32:09,319 - root - INFO - 循环训练次数:Iteration 562
2018-10-26 02:32:57,151 - root - INFO - 循环训练次数:Iteration 563
2018-10-26 02:33:38,613 - root - INFO - 循环训练次数:Iteration 564
2018-10-26 02:34:26,815 - root - INFO - 循环训练次数:Iteration 565
2018-10-26 02:35:12,827 - root - INFO - 循环训练次数:Iteration 566
2018-10-26 02:35:59,612 - root - INFO - 循环训练次数:Iteration 567
2018-10-26 02:36:41,951 - root - INFO - 循环训练次数:Iteration 568
2018-10-26 02:37:32,066 - root - INFO - 循环训练次数:Iteration 569
2018-10-26 02:38:17,047 - root - INFO - 循环训练次数:Iteration 570
输出图片:循环训练次数:Iteration 570
2018-10-26 02:39:21,687 - root - INFO - ('Cost: ', 6018481700.0)
2018-10-26 02:39:21,873 - root - INFO - 循环训练次数:Iteration 571
2018-10-26 02:40:12,087 - root - INFO - 循环训练次数:Iteration 572
2018-10-26 02:40:56,452 - root - INFO - 循环训练次数:Iteration 573
2018-10-26 02:41:41,611 - root - INFO - 循环训练次数:Iteration 574
2018-10-26 02:42:28,700 - root - INFO - 循环训练次数:Iteration 575
2018-10-26 02:43:13,163 - root - INFO - 循环训练次数:Iteration 576
2018-10-26 02:44:00,175 - root - INFO - 循环训练次数:Iteration 577
2018-10-26 02:44:46,168 - root - INFO - 循环训练次数:Iteration 578
2018-10-26 02:45:28,301 - root - INFO - 循环训练次数:Iteration 579
2018-10-26 02:46:15,448 - root - INFO - 循环训练次数:Iteration 580
2018-10-26 02:47:01,410 - root - INFO - 循环训练次数:Iteration 581
2018-10-26 02:47:46,075 - root - INFO - 循环训练次数:Iteration 582
2018-10-26 02:48:34,384 - root - INFO - 循环训练次数:Iteration 583
2018-10-26 02:49:15,842 - root - INFO - 循环训练次数:Iteration 584
2018-10-26 02:50:01,222 - root - INFO - 循环训练次数:Iteration 585
2018-10-26 02:50:44,651 - root - INFO - 循环训练次数:Iteration 586
2018-10-26 02:51:30,388 - root - INFO - 循环训练次数:Iteration 587
2018-10-26 02:52:20,033 - root - INFO - 循环训练次数:Iteration 588
2018-10-26 02:53:03,987 - root - INFO - 循环训练次数:Iteration 589
输出图片:循环训练次数:Iteration 589
2018-10-26 02:54:13,025 - root - INFO - ('Cost: ', 5660412000.0)
2018-10-26 02:54:13,230 - root - INFO - 循环训练次数:Iteration 590
2018-10-26 02:55:01,497 - root - INFO - 循环训练次数:Iteration 591
2018-10-26 02:55:43,534 - root - INFO - 循环训练次数:Iteration 592
2018-10-26 02:56:32,866 - root - INFO - 循环训练次数:Iteration 593
2018-10-26 02:57:15,541 - root - INFO - 循环训练次数:Iteration 594
2018-10-26 02:58:01,033 - root - INFO - 循环训练次数:Iteration 595
2018-10-26 02:58:46,372 - root - INFO - 循环训练次数:Iteration 596
2018-10-26 02:59:27,795 - root - INFO - 循环训练次数:Iteration 597
2018-10-26 03:00:15,710 - root - INFO - 循环训练次数:Iteration 598
2018-10-26 03:00:59,709 - root - INFO - 循环训练次数:Iteration 599
2018-10-26 03:01:45,650 - root - INFO - 循环训练次数:Iteration 600
2018-10-26 03:02:34,623 - root - INFO - 循环训练次数:Iteration 601
2018-10-26 03:03:16,236 - root - INFO - 循环训练次数:Iteration 602
2018-10-26 03:04:01,467 - root - INFO - 循环训练次数:Iteration 603
2018-10-26 03:04:47,668 - root - INFO - 循环训练次数:Iteration 604
2018-10-26 03:05:35,863 - root - INFO - 循环训练次数:Iteration 605
2018-10-26 03:06:17,377 - root - INFO - 循环训练次数:Iteration 606
2018-10-26 03:07:02,182 - root - INFO - 循环训练次数:Iteration 607
2018-10-26 03:07:47,450 - root - INFO - 循环训练次数:Iteration 608
输出图片:循环训练次数:Iteration 608
2018-10-26 03:08:52,135 - root - INFO - ('Cost: ', 5329719300.0)
2018-10-26 03:08:52,335 - root - INFO - 循环训练次数:Iteration 609
2018-10-26 03:09:43,214 - root - INFO - 循环训练次数:Iteration 610
2018-10-26 03:10:24,624 - root - INFO - 循环训练次数:Iteration 611
2018-10-26 03:11:10,596 - root - INFO - 循环训练次数:Iteration 612
2018-10-26 03:11:56,090 - root - INFO - 循环训练次数:Iteration 613
2018-10-26 03:12:37,685 - root - INFO - 循环训练次数:Iteration 614
2018-10-26 03:13:25,695 - root - INFO - 循环训练次数:Iteration 615
2018-10-26 03:14:07,279 - root - INFO - 循环训练次数:Iteration 616
2018-10-26 03:14:55,589 - root - INFO - 循环训练次数:Iteration 617
2018-10-26 03:15:38,046 - root - INFO - 循环训练次数:Iteration 618
2018-10-26 03:16:28,092 - root - INFO - 循环训练次数:Iteration 619
2018-10-26 03:17:09,309 - root - INFO - 循环训练次数:Iteration 620
2018-10-26 03:17:56,300 - root - INFO - 循环训练次数:Iteration 621
2018-10-26 03:18:48,214 - root - INFO - 循环训练次数:Iteration 622
2018-10-26 03:19:29,669 - root - INFO - 循环训练次数:Iteration 623
2018-10-26 03:20:18,955 - root - INFO - 循环训练次数:Iteration 624
2018-10-26 03:21:00,251 - root - INFO - 循环训练次数:Iteration 625
2018-10-26 03:21:45,011 - root - INFO - 循环训练次数:Iteration 626
2018-10-26 03:22:28,773 - root - INFO - 循环训练次数:Iteration 627
输出图片:循环训练次数:Iteration 627
2018-10-26 03:23:30,507 - root - INFO - ('Cost: ', 5020580000.0)
2018-10-26 03:23:30,715 - root - INFO - 循环训练次数:Iteration 628
2018-10-26 03:24:18,389 - root - INFO - 循环训练次数:Iteration 629
2018-10-26 03:25:00,127 - root - INFO - 循环训练次数:Iteration 630
2018-10-26 03:25:45,758 - root - INFO - 循环训练次数:Iteration 631
2018-10-26 03:26:29,965 - root - INFO - 循环训练次数:Iteration 632
2018-10-26 03:27:11,519 - root - INFO - 循环训练次数:Iteration 633
2018-10-26 03:28:01,234 - root - INFO - 循环训练次数:Iteration 634
2018-10-26 03:28:43,134 - root - INFO - 循环训练次数:Iteration 635
2018-10-26 03:29:28,427 - root - INFO - 循环训练次数:Iteration 636
2018-10-26 03:30:14,123 - root - INFO - 循环训练次数:Iteration 637
2018-10-26 03:30:59,295 - root - INFO - 循环训练次数:Iteration 638
2018-10-26 03:31:41,070 - root - INFO - 循环训练次数:Iteration 639
2018-10-26 03:32:27,353 - root - INFO - 循环训练次数:Iteration 640
2018-10-26 03:33:12,042 - root - INFO - 循环训练次数:Iteration 641
2018-10-26 03:33:57,785 - root - INFO - 循环训练次数:Iteration 642
2018-10-26 03:34:42,166 - root - INFO - 循环训练次数:Iteration 643
2018-10-26 03:35:23,702 - root - INFO - 循环训练次数:Iteration 644
2018-10-26 03:36:10,326 - root - INFO - 循环训练次数:Iteration 645
2018-10-26 03:36:52,597 - root - INFO - 循环训练次数:Iteration 646
输出图片:循环训练次数:Iteration 646
2018-10-26 03:38:02,284 - root - INFO - ('Cost: ', 4734578000.0)
2018-10-26 03:38:02,468 - root - INFO - 循环训练次数:Iteration 647
2018-10-26 03:38:45,898 - root - INFO - 循环训练次数:Iteration 648
2018-10-26 03:39:27,254 - root - INFO - 循环训练次数:Iteration 649
2018-10-26 03:40:17,209 - root - INFO - 循环训练次数:Iteration 650
2018-10-26 03:41:00,726 - root - INFO - 循环训练次数:Iteration 651
2018-10-26 03:41:47,060 - root - INFO - 循环训练次数:Iteration 652
2018-10-26 03:42:28,984 - root - INFO - 循环训练次数:Iteration 653
2018-10-26 03:43:18,472 - root - INFO - 循环训练次数:Iteration 654
2018-10-26 03:43:59,857 - root - INFO - 循环训练次数:Iteration 655
2018-10-26 03:44:44,341 - root - INFO - 循环训练次数:Iteration 656
2018-10-26 03:45:25,955 - root - INFO - 循环训练次数:Iteration 657
2018-10-26 03:46:11,943 - root - INFO - 循环训练次数:Iteration 658
2018-10-26 03:46:54,619 - root - INFO - 循环训练次数:Iteration 659
2018-10-26 03:47:40,167 - root - INFO - 循环训练次数:Iteration 660
2018-10-26 03:48:21,471 - root - INFO - 循环训练次数:Iteration 661
2018-10-26 03:49:07,148 - root - INFO - 循环训练次数:Iteration 662
2018-10-26 03:49:49,406 - root - INFO - 循环训练次数:Iteration 663
2018-10-26 03:50:33,628 - root - INFO - 循环训练次数:Iteration 664
2018-10-26 03:51:19,550 - root - INFO - 循环训练次数:Iteration 665
输出图片:循环训练次数:Iteration 665
2018-10-26 03:52:23,040 - root - INFO - ('Cost: ', 4469838300.0)
2018-10-26 03:52:23,229 - root - INFO - 循环训练次数:Iteration 666
2018-10-26 03:53:13,270 - root - INFO - 循环训练次数:Iteration 667
2018-10-26 03:53:55,548 - root - INFO - 循环训练次数:Iteration 668
2018-10-26 03:54:40,858 - root - INFO - 循环训练次数:Iteration 669
2018-10-26 03:55:26,370 - root - INFO - 循环训练次数:Iteration 670
2018-10-26 03:56:08,308 - root - INFO - 循环训练次数:Iteration 671
2018-10-26 03:56:55,274 - root - INFO - 循环训练次数:Iteration 672
2018-10-26 03:57:41,583 - root - INFO - 循环训练次数:Iteration 673
2018-10-26 03:58:27,156 - root - INFO - 循环训练次数:Iteration 674
2018-10-26 03:59:09,227 - root - INFO - 循环训练次数:Iteration 675
2018-10-26 03:59:52,042 - root - INFO - 循环训练次数:Iteration 676
2018-10-26 04:00:38,599 - root - INFO - 循环训练次数:Iteration 677
2018-10-26 04:01:25,487 - root - INFO - 循环训练次数:Iteration 678
2018-10-26 04:02:08,033 - root - INFO - 循环训练次数:Iteration 679
2018-10-26 04:02:56,294 - root - INFO - 循环训练次数:Iteration 680
2018-10-26 04:03:37,450 - root - INFO - 循环训练次数:Iteration 681
2018-10-26 04:04:20,163 - root - INFO - 循环训练次数:Iteration 682
2018-10-26 04:05:10,835 - root - INFO - 循环训练次数:Iteration 683
2018-10-26 04:05:52,828 - root - INFO - 循环训练次数:Iteration 684
输出图片:循环训练次数:Iteration 684
2018-10-26 04:06:55,383 - root - INFO - ('Cost: ', 4227282400.0)
2018-10-26 04:06:55,587 - root - INFO - 循环训练次数:Iteration 685
2018-10-26 04:07:43,760 - root - INFO - 循环训练次数:Iteration 686
2018-10-26 04:08:25,750 - root - INFO - 循环训练次数:Iteration 687
2018-10-26 04:09:10,557 - root - INFO - 循环训练次数:Iteration 688
2018-10-26 04:09:52,294 - root - INFO - 循环训练次数:Iteration 689
2018-10-26 04:10:36,241 - root - INFO - 循环训练次数:Iteration 690
2018-10-26 04:11:17,485 - root - INFO - 循环训练次数:Iteration 691
2018-10-26 04:12:02,401 - root - INFO - 循环训练次数:Iteration 692
2018-10-26 04:12:43,102 - root - INFO - 循环训练次数:Iteration 693
2018-10-26 04:13:24,293 - root - INFO - 循环训练次数:Iteration 694
2018-10-26 04:14:05,623 - root - INFO - 循环训练次数:Iteration 695
2018-10-26 04:14:49,500 - root - INFO - 循环训练次数:Iteration 696
2018-10-26 04:15:30,953 - root - INFO - 循环训练次数:Iteration 697
2018-10-26 04:16:13,488 - root - INFO - 循环训练次数:Iteration 698
2018-10-26 04:16:56,738 - root - INFO - 循环训练次数:Iteration 699
2018-10-26 04:17:38,849 - root - INFO - 循环训练次数:Iteration 700
2018-10-26 04:18:31,364 - root - INFO - 循环训练次数:Iteration 701
2018-10-26 04:19:12,915 - root - INFO - 循环训练次数:Iteration 702
2018-10-26 04:19:55,121 - root - INFO - 循环训练次数:Iteration 703
输出图片:循环训练次数:Iteration 703
2018-10-26 04:20:56,984 - root - INFO - ('Cost: ', 4001215500.0)
2018-10-26 04:20:57,166 - root - INFO - 循环训练次数:Iteration 704
2018-10-26 04:21:39,486 - root - INFO - 循环训练次数:Iteration 705
2018-10-26 04:22:21,543 - root - INFO - 循环训练次数:Iteration 706
2018-10-26 04:23:06,869 - root - INFO - 循环训练次数:Iteration 707
2018-10-26 04:23:48,672 - root - INFO - 循环训练次数:Iteration 708
2018-10-26 04:24:32,153 - root - INFO - 循环训练次数:Iteration 709
2018-10-26 04:25:13,891 - root - INFO - 循环训练次数:Iteration 710
2018-10-26 04:25:55,127 - root - INFO - 循环训练次数:Iteration 711
2018-10-26 04:26:41,144 - root - INFO - 循环训练次数:Iteration 712
2018-10-26 04:27:23,030 - root - INFO - 循环训练次数:Iteration 713
2018-10-26 04:28:08,811 - root - INFO - 循环训练次数:Iteration 714
2018-10-26 04:28:50,155 - root - INFO - 循环训练次数:Iteration 715
2018-10-26 04:29:31,820 - root - INFO - 循环训练次数:Iteration 716
2018-10-26 04:30:18,966 - root - INFO - 循环训练次数:Iteration 717
2018-10-26 04:31:00,179 - root - INFO - 循环训练次数:Iteration 718
2018-10-26 04:31:41,883 - root - INFO - 循环训练次数:Iteration 719
2018-10-26 04:32:25,162 - root - INFO - 循环训练次数:Iteration 720
2018-10-26 04:33:06,327 - root - INFO - 循环训练次数:Iteration 721
2018-10-26 04:33:49,657 - root - INFO - 循环训练次数:Iteration 722
输出图片:循环训练次数:Iteration 722
2018-10-26 04:34:50,399 - root - INFO - ('Cost: ', 3789045200.0)
2018-10-26 04:34:50,593 - root - INFO - 循环训练次数:Iteration 723
2018-10-26 04:35:35,239 - root - INFO - 循环训练次数:Iteration 724
2018-10-26 04:36:17,261 - root - INFO - 循环训练次数:Iteration 725
2018-10-26 04:36:59,359 - root - INFO - 循环训练次数:Iteration 726
2018-10-26 04:37:41,316 - root - INFO - 循环训练次数:Iteration 727
2018-10-26 04:38:26,245 - root - INFO - 循环训练次数:Iteration 728
2018-10-26 04:39:08,206 - root - INFO - 循环训练次数:Iteration 729
2018-10-26 04:39:50,052 - root - INFO - 循环训练次数:Iteration 730
2018-10-26 04:40:34,040 - root - INFO - 循环训练次数:Iteration 731
2018-10-26 04:41:15,454 - root - INFO - 循环训练次数:Iteration 732
2018-10-26 04:41:57,370 - root - INFO - 循环训练次数:Iteration 733
2018-10-26 04:42:43,637 - root - INFO - 循环训练次数:Iteration 734
2018-10-26 04:43:24,887 - root - INFO - 循环训练次数:Iteration 735
2018-10-26 04:44:06,247 - root - INFO - 循环训练次数:Iteration 736
2018-10-26 04:44:47,889 - root - INFO - 循环训练次数:Iteration 737
2018-10-26 04:45:32,869 - root - INFO - 循环训练次数:Iteration 738
2018-10-26 04:46:14,890 - root - INFO - 循环训练次数:Iteration 739
2018-10-26 04:46:57,811 - root - INFO - 循环训练次数:Iteration 740
2018-10-26 04:47:39,338 - root - INFO - 循环训练次数:Iteration 741
输出图片:循环训练次数:Iteration 741
2018-10-26 04:48:42,244 - root - INFO - ('Cost: ', 3590786800.0)
2018-10-26 04:48:42,437 - root - INFO - 循环训练次数:Iteration 742
2018-10-26 04:49:25,725 - root - INFO - 循环训练次数:Iteration 743
2018-10-26 04:50:11,659 - root - INFO - 循环训练次数:Iteration 744
2018-10-26 04:50:52,991 - root - INFO - 循环训练次数:Iteration 745
2018-10-26 04:51:34,722 - root - INFO - 循环训练次数:Iteration 746
2018-10-26 04:52:20,436 - root - INFO - 循环训练次数:Iteration 747
2018-10-26 04:53:01,661 - root - INFO - 循环训练次数:Iteration 748
2018-10-26 04:53:43,551 - root - INFO - 循环训练次数:Iteration 749
2018-10-26 04:54:29,061 - root - INFO - 循环训练次数:Iteration 750
2018-10-26 04:55:11,360 - root - INFO - 循环训练次数:Iteration 751
2018-10-26 04:55:53,089 - root - INFO - 循环训练次数:Iteration 752
2018-10-26 04:56:38,390 - root - INFO - 循环训练次数:Iteration 753
2018-10-26 04:57:20,499 - root - INFO - 循环训练次数:Iteration 754
2018-10-26 04:58:03,741 - root - INFO - 循环训练次数:Iteration 755
2018-10-26 04:58:45,607 - root - INFO - 循环训练次数:Iteration 756
2018-10-26 04:59:31,150 - root - INFO - 循环训练次数:Iteration 757
2018-10-26 05:00:12,824 - root - INFO - 循环训练次数:Iteration 758
2018-10-26 05:00:54,532 - root - INFO - 循环训练次数:Iteration 759
2018-10-26 05:01:40,355 - root - INFO - 循环训练次数:Iteration 760
输出图片:循环训练次数:Iteration 760
2018-10-26 05:02:42,486 - root - INFO - ('Cost: ', 3402888000.0)
2018-10-26 05:02:42,666 - root - INFO - 循环训练次数:Iteration 761
2018-10-26 05:03:28,698 - root - INFO - 循环训练次数:Iteration 762
2018-10-26 05:04:10,141 - root - INFO - 循环训练次数:Iteration 763
2018-10-26 05:04:51,697 - root - INFO - 循环训练次数:Iteration 764
2018-10-26 05:05:33,162 - root - INFO - 循环训练次数:Iteration 765
2018-10-26 05:06:14,880 - root - INFO - 循环训练次数:Iteration 766
2018-10-26 05:07:02,728 - root - INFO - 循环训练次数:Iteration 767
2018-10-26 05:07:44,392 - root - INFO - 循环训练次数:Iteration 768
2018-10-26 05:08:31,089 - root - INFO - 循环训练次数:Iteration 769
2018-10-26 05:09:12,372 - root - INFO - 循环训练次数:Iteration 770
2018-10-26 05:09:56,360 - root - INFO - 循环训练次数:Iteration 771
2018-10-26 05:10:38,109 - root - INFO - 循环训练次数:Iteration 772
2018-10-26 05:11:24,430 - root - INFO - 循环训练次数:Iteration 773
2018-10-26 05:12:06,932 - root - INFO - 循环训练次数:Iteration 774
2018-10-26 05:12:48,635 - root - INFO - 循环训练次数:Iteration 775
2018-10-26 05:13:34,641 - root - INFO - 循环训练次数:Iteration 776
2018-10-26 05:14:16,424 - root - INFO - 循环训练次数:Iteration 777
2018-10-26 05:14:59,437 - root - INFO - 循环训练次数:Iteration 778
2018-10-26 05:15:41,363 - root - INFO - 循环训练次数:Iteration 779
输出图片:循环训练次数:Iteration 779
2018-10-26 05:16:48,504 - root - INFO - ('Cost: ', 3226648300.0)
2018-10-26 05:16:48,700 - root - INFO - 循环训练次数:Iteration 780
2018-10-26 05:17:32,082 - root - INFO - 循环训练次数:Iteration 781
2018-10-26 05:18:22,721 - root - INFO - 循环训练次数:Iteration 782
2018-10-26 05:19:05,019 - root - INFO - 循环训练次数:Iteration 783
2018-10-26 05:19:50,755 - root - INFO - 循环训练次数:Iteration 784
2018-10-26 05:20:32,026 - root - INFO - 循环训练次数:Iteration 785
2018-10-26 05:21:13,567 - root - INFO - 循环训练次数:Iteration 786
2018-10-26 05:21:54,950 - root - INFO - 循环训练次数:Iteration 787
2018-10-26 05:22:37,052 - root - INFO - 循环训练次数:Iteration 788
2018-10-26 05:23:21,140 - root - INFO - 循环训练次数:Iteration 789
2018-10-26 05:24:03,549 - root - INFO - 循环训练次数:Iteration 790
2018-10-26 05:24:45,084 - root - INFO - 循环训练次数:Iteration 791
2018-10-26 05:25:28,713 - root - INFO - 循环训练次数:Iteration 792
2018-10-26 05:26:10,201 - root - INFO - 循环训练次数:Iteration 793
2018-10-26 05:26:51,786 - root - INFO - 循环训练次数:Iteration 794
2018-10-26 05:27:35,193 - root - INFO - 循环训练次数:Iteration 795
2018-10-26 05:28:16,243 - root - INFO - 循环训练次数:Iteration 796
2018-10-26 05:29:00,382 - root - INFO - 循环训练次数:Iteration 797
2018-10-26 05:29:40,959 - root - INFO - 循环训练次数:Iteration 798
输出图片:循环训练次数:Iteration 798
2018-10-26 05:30:42,308 - root - INFO - ('Cost: ', 3064550700.0)
2018-10-26 05:30:42,490 - root - INFO - 循环训练次数:Iteration 799
2018-10-26 05:31:25,208 - root - INFO - 循环训练次数:Iteration 800
2018-10-26 05:32:10,612 - root - INFO - 循环训练次数:Iteration 801
2018-10-26 05:32:51,978 - root - INFO - 循环训练次数:Iteration 802
2018-10-26 05:33:33,123 - root - INFO - 循环训练次数:Iteration 803
2018-10-26 05:34:16,807 - root - INFO - 循环训练次数:Iteration 804
2018-10-26 05:34:57,712 - root - INFO - 循环训练次数:Iteration 805
2018-10-26 05:35:42,621 - root - INFO - 循环训练次数:Iteration 806
2018-10-26 05:36:23,644 - root - INFO - 循环训练次数:Iteration 807
2018-10-26 05:37:05,215 - root - INFO - 循环训练次数:Iteration 808
2018-10-26 05:37:46,914 - root - INFO - 循环训练次数:Iteration 809
2018-10-26 05:38:29,544 - root - INFO - 循环训练次数:Iteration 810
2018-10-26 05:39:11,528 - root - INFO - 循环训练次数:Iteration 811
2018-10-26 05:39:53,004 - root - INFO - 循环训练次数:Iteration 812
2018-10-26 05:40:35,880 - root - INFO - 循环训练次数:Iteration 813
2018-10-26 05:41:16,943 - root - INFO - 循环训练次数:Iteration 814
2018-10-26 05:42:01,319 - root - INFO - 循环训练次数:Iteration 815
2018-10-26 05:42:42,317 - root - INFO - 循环训练次数:Iteration 816
2018-10-26 05:43:24,302 - root - INFO - 循环训练次数:Iteration 817
输出图片:循环训练次数:Iteration 817
2018-10-26 05:44:24,545 - root - INFO - ('Cost: ', 2911826400.0)
2018-10-26 05:44:24,724 - root - INFO - 循环训练次数:Iteration 818
2018-10-26 05:45:06,465 - root - INFO - 循环训练次数:Iteration 819
2018-10-26 05:45:47,983 - root - INFO - 循环训练次数:Iteration 820
2018-10-26 05:46:30,637 - root - INFO - 循环训练次数:Iteration 821
2018-10-26 05:47:12,067 - root - INFO - 循环训练次数:Iteration 822
2018-10-26 05:47:55,936 - root - INFO - 循环训练次数:Iteration 823
2018-10-26 05:48:36,936 - root - INFO - 循环训练次数:Iteration 824
2018-10-26 05:49:20,677 - root - INFO - 循环训练次数:Iteration 825
2018-10-26 05:50:03,365 - root - INFO - 循环训练次数:Iteration 826
2018-10-26 05:50:46,378 - root - INFO - 循环训练次数:Iteration 827
2018-10-26 05:51:27,870 - root - INFO - 循环训练次数:Iteration 828
2018-10-26 05:52:12,573 - root - INFO - 循环训练次数:Iteration 829
2018-10-26 05:52:56,041 - root - INFO - 循环训练次数:Iteration 830
2018-10-26 05:53:38,620 - root - INFO - 循环训练次数:Iteration 831
2018-10-26 05:54:24,542 - root - INFO - 循环训练次数:Iteration 832
2018-10-26 05:55:05,770 - root - INFO - 循环训练次数:Iteration 833
2018-10-26 05:55:47,765 - root - INFO - 循环训练次数:Iteration 834
2018-10-26 05:56:34,129 - root - INFO - 循环训练次数:Iteration 835
2018-10-26 05:57:15,637 - root - INFO - 循环训练次数:Iteration 836
输出图片:循环训练次数:Iteration 836
2018-10-26 05:58:17,765 - root - INFO - ('Cost: ', 2768102700.0)
2018-10-26 05:58:17,947 - root - INFO - 循环训练次数:Iteration 837
2018-10-26 05:59:01,238 - root - INFO - 循环训练次数:Iteration 838
2018-10-26 05:59:43,810 - root - INFO - 循环训练次数:Iteration 839
2018-10-26 06:00:30,277 - root - INFO - 循环训练次数:Iteration 840
2018-10-26 06:01:12,810 - root - INFO - 循环训练次数:Iteration 841
2018-10-26 06:01:55,012 - root - INFO - 循环训练次数:Iteration 842
2018-10-26 06:02:41,253 - root - INFO - 循环训练次数:Iteration 843
2018-10-26 06:03:22,663 - root - INFO - 循环训练次数:Iteration 844
2018-10-26 06:04:04,521 - root - INFO - 循环训练次数:Iteration 845
2018-10-26 06:04:46,795 - root - INFO - 循环训练次数:Iteration 846
2018-10-26 06:05:31,250 - root - INFO - 循环训练次数:Iteration 847
2018-10-26 06:06:11,691 - root - INFO - 循环训练次数:Iteration 848
2018-10-26 06:06:53,188 - root - INFO - 循环训练次数:Iteration 849
2018-10-26 06:07:34,177 - root - INFO - 循环训练次数:Iteration 850
2018-10-26 06:08:16,327 - root - INFO - 循环训练次数:Iteration 851
2018-10-26 06:08:55,595 - root - INFO - 循环训练次数:Iteration 852
2018-10-26 06:09:40,127 - root - INFO - 循环训练次数:Iteration 853
2018-10-26 06:10:20,593 - root - INFO - 循环训练次数:Iteration 854
2018-10-26 06:11:04,606 - root - INFO - 循环训练次数:Iteration 855
输出图片:循环训练次数:Iteration 855
2018-10-26 06:12:01,703 - root - INFO - ('Cost: ', 2633959400.0)
2018-10-26 06:12:01,885 - root - INFO - 循环训练次数:Iteration 856
2018-10-26 06:12:45,599 - root - INFO - 循环训练次数:Iteration 857
2018-10-26 06:13:26,671 - root - INFO - 循环训练次数:Iteration 858
2018-10-26 06:14:07,210 - root - INFO - 循环训练次数:Iteration 859
2018-10-26 06:14:49,587 - root - INFO - 循环训练次数:Iteration 860
2018-10-26 06:15:28,872 - root - INFO - 循环训练次数:Iteration 861
2018-10-26 06:16:09,949 - root - INFO - 循环训练次数:Iteration 862
2018-10-26 06:16:52,120 - root - INFO - 循环训练次数:Iteration 863
2018-10-26 06:17:32,851 - root - INFO - 循环训练次数:Iteration 864
2018-10-26 06:18:21,093 - root - INFO - 循环训练次数:Iteration 865
2018-10-26 06:18:58,847 - root - INFO - 循环训练次数:Iteration 866
2018-10-26 06:19:40,066 - root - INFO - 循环训练次数:Iteration 867
2018-10-26 06:20:21,126 - root - INFO - 循环训练次数:Iteration 868
2018-10-26 06:21:00,685 - root - INFO - 循环训练次数:Iteration 869
2018-10-26 06:21:42,324 - root - INFO - 循环训练次数:Iteration 870
2018-10-26 06:22:24,153 - root - INFO - 循环训练次数:Iteration 871
2018-10-26 06:23:05,314 - root - INFO - 循环训练次数:Iteration 872
2018-10-26 06:23:46,854 - root - INFO - 循环训练次数:Iteration 873
2018-10-26 06:24:29,008 - root - INFO - 循环训练次数:Iteration 874
输出图片:循环训练次数:Iteration 874
2018-10-26 06:25:31,555 - root - INFO - ('Cost: ', 2507195400.0)
2018-10-26 06:25:31,744 - root - INFO - 循环训练次数:Iteration 875
2018-10-26 06:26:17,690 - root - INFO - 循环训练次数:Iteration 876
2018-10-26 06:26:55,949 - root - INFO - 循环训练次数:Iteration 877
2018-10-26 06:27:36,598 - root - INFO - 循环训练次数:Iteration 878
2018-10-26 06:28:19,431 - root - INFO - 循环训练次数:Iteration 879
2018-10-26 06:29:00,654 - root - INFO - 循环训练次数:Iteration 880
2018-10-26 06:29:43,935 - root - INFO - 循环训练次数:Iteration 881
2018-10-26 06:30:24,123 - root - INFO - 循环训练次数:Iteration 882
2018-10-26 06:31:05,428 - root - INFO - 循环训练次数:Iteration 883
2018-10-26 06:31:50,700 - root - INFO - 循环训练次数:Iteration 884
2018-10-26 06:32:31,405 - root - INFO - 循环训练次数:Iteration 885
2018-10-26 06:33:10,094 - root - INFO - 循环训练次数:Iteration 886
2018-10-26 06:33:56,823 - root - INFO - 循环训练次数:Iteration 887
2018-10-26 06:34:38,060 - root - INFO - 循环训练次数:Iteration 888
2018-10-26 06:35:23,105 - root - INFO - 循环训练次数:Iteration 889
2018-10-26 06:36:01,852 - root - INFO - 循环训练次数:Iteration 890
2018-10-26 06:36:47,682 - root - INFO - 循环训练次数:Iteration 891
2018-10-26 06:37:28,895 - root - INFO - 循环训练次数:Iteration 892
2018-10-26 06:38:13,836 - root - INFO - 循环训练次数:Iteration 893
输出图片:循环训练次数:Iteration 893
2018-10-26 06:39:11,641 - root - INFO - ('Cost: ', 2386935300.0)
2018-10-26 06:39:11,823 - root - INFO - 循环训练次数:Iteration 894
2018-10-26 06:39:58,645 - root - INFO - 循环训练次数:Iteration 895
2018-10-26 06:40:37,702 - root - INFO - 循环训练次数:Iteration 896
2018-10-26 06:41:19,695 - root - INFO - 循环训练次数:Iteration 897
2018-10-26 06:42:05,947 - root - INFO - 循环训练次数:Iteration 898
2018-10-26 06:42:44,546 - root - INFO - 循环训练次数:Iteration 899
2018-10-26 06:43:26,697 - root - INFO - 循环训练次数:Iteration 900
2018-10-26 06:44:12,707 - root - INFO - 循环训练次数:Iteration 901
2018-10-26 06:44:51,269 - root - INFO - 循环训练次数:Iteration 902
2018-10-26 06:45:32,840 - root - INFO - 循环训练次数:Iteration 903
2018-10-26 06:46:19,626 - root - INFO - 循环训练次数:Iteration 904
2018-10-26 06:46:58,130 - root - INFO - 循环训练次数:Iteration 905
2018-10-26 06:47:39,474 - root - INFO - 循环训练次数:Iteration 906
2018-10-26 06:48:23,189 - root - INFO - 循环训练次数:Iteration 907
2018-10-26 06:49:01,575 - root - INFO - 循环训练次数:Iteration 908
2018-10-26 06:49:47,223 - root - INFO - 循环训练次数:Iteration 909
2018-10-26 06:50:25,266 - root - INFO - 循环训练次数:Iteration 910
2018-10-26 06:51:08,286 - root - INFO - 循环训练次数:Iteration 911
2018-10-26 06:51:52,704 - root - INFO - 循环训练次数:Iteration 912
输出图片:循环训练次数:Iteration 912
2018-10-26 06:52:50,722 - root - INFO - ('Cost: ', 2270830800.0)
2018-10-26 06:52:50,887 - root - INFO - 循环训练次数:Iteration 913
2018-10-26 06:53:35,472 - root - INFO - 循环训练次数:Iteration 914
2018-10-26 06:54:15,082 - root - INFO - 循环训练次数:Iteration 915
2018-10-26 06:54:56,432 - root - INFO - 循环训练次数:Iteration 916
2018-10-26 06:55:36,691 - root - INFO - 循环训练次数:Iteration 917
2018-10-26 06:56:21,400 - root - INFO - 循环训练次数:Iteration 918
2018-10-26 06:56:59,709 - root - INFO - 循环训练次数:Iteration 919
2018-10-26 06:57:41,721 - root - INFO - 循环训练次数:Iteration 920
2018-10-26 06:58:26,629 - root - INFO - 循环训练次数:Iteration 921
2018-10-26 06:59:04,643 - root - INFO - 循环训练次数:Iteration 922
2018-10-26 06:59:46,726 - root - INFO - 循环训练次数:Iteration 923
2018-10-26 07:00:31,057 - root - INFO - 循环训练次数:Iteration 924
2018-10-26 07:01:11,985 - root - INFO - 循环训练次数:Iteration 925
2018-10-26 07:01:54,060 - root - INFO - 循环训练次数:Iteration 926
2018-10-26 07:02:35,049 - root - INFO - 循环训练次数:Iteration 927
2018-10-26 07:03:15,987 - root - INFO - 循环训练次数:Iteration 928
2018-10-26 07:03:55,884 - root - INFO - 循环训练次数:Iteration 929
2018-10-26 07:04:39,220 - root - INFO - 循环训练次数:Iteration 930
2018-10-26 07:05:20,307 - root - INFO - 循环训练次数:Iteration 931
输出图片:循环训练次数:Iteration 931
2018-10-26 07:06:19,149 - root - INFO - ('Cost: ', 2160173600.0)
2018-10-26 07:06:19,314 - root - INFO - 循环训练次数:Iteration 932
2018-10-26 07:07:04,480 - root - INFO - 循环训练次数:Iteration 933
2018-10-26 07:07:43,664 - root - INFO - 循环训练次数:Iteration 934
2018-10-26 07:08:27,096 - root - INFO - 循环训练次数:Iteration 935
2018-10-26 07:09:09,456 - root - INFO - 循环训练次数:Iteration 936
2018-10-26 07:09:51,358 - root - INFO - 循环训练次数:Iteration 937
2018-10-26 07:10:29,770 - root - INFO - 循环训练次数:Iteration 938
2018-10-26 07:11:14,241 - root - INFO - 循环训练次数:Iteration 939
2018-10-26 07:11:55,634 - root - INFO - 循环训练次数:Iteration 940
2018-10-26 07:12:40,020 - root - INFO - 循环训练次数:Iteration 941
2018-10-26 07:13:21,759 - root - INFO - 循环训练次数:Iteration 942
2018-10-26 07:14:03,795 - root - INFO - 循环训练次数:Iteration 943
2018-10-26 07:14:48,566 - root - INFO - 循环训练次数:Iteration 944
2018-10-26 07:15:28,839 - root - INFO - 循环训练次数:Iteration 945
2018-10-26 07:16:11,077 - root - INFO - 循环训练次数:Iteration 946
2018-10-26 07:16:56,545 - root - INFO - 循环训练次数:Iteration 947
2018-10-26 07:17:34,481 - root - INFO - 循环训练次数:Iteration 948
2018-10-26 07:18:23,172 - root - INFO - 循环训练次数:Iteration 949
2018-10-26 07:19:08,747 - root - INFO - 循环训练次数:Iteration 950
输出图片:循环训练次数:Iteration 950
2018-10-26 07:20:09,602 - root - INFO - ('Cost: ', 2056470800.0)
2018-10-26 07:20:09,793 - root - INFO - 循环训练次数:Iteration 951
2018-10-26 07:20:55,022 - root - INFO - 循环训练次数:Iteration 952
2018-10-26 07:21:40,116 - root - INFO - 循环训练次数:Iteration 953
2018-10-26 07:22:38,424 - root - INFO - 循环训练次数:Iteration 954
2018-10-26 07:23:22,286 - root - INFO - 循环训练次数:Iteration 955
2018-10-26 07:24:09,573 - root - INFO - 循环训练次数:Iteration 956
2018-10-26 07:24:51,426 - root - INFO - 循环训练次数:Iteration 957
2018-10-26 07:25:34,645 - root - INFO - 循环训练次数:Iteration 958
2018-10-26 07:26:17,866 - root - INFO - 循环训练次数:Iteration 959
2018-10-26 07:27:04,679 - root - INFO - 循环训练次数:Iteration 960
2018-10-26 07:27:44,428 - root - INFO - 循环训练次数:Iteration 961
2018-10-26 07:28:26,556 - root - INFO - 循环训练次数:Iteration 962
2018-10-26 07:29:10,438 - root - INFO - 循环训练次数:Iteration 963
2018-10-26 07:29:53,497 - root - INFO - 循环训练次数:Iteration 964
2018-10-26 07:30:36,056 - root - INFO - 循环训练次数:Iteration 965
2018-10-26 07:31:21,245 - root - INFO - 循环训练次数:Iteration 966
2018-10-26 07:32:02,994 - root - INFO - 循环训练次数:Iteration 967
2018-10-26 07:32:47,229 - root - INFO - 循环训练次数:Iteration 968
2018-10-26 07:33:29,065 - root - INFO - 循环训练次数:Iteration 969
输出图片:循环训练次数:Iteration 969
2018-10-26 07:34:33,249 - root - INFO - ('Cost: ', 1956872100.0)
2018-10-26 07:34:33,420 - root - INFO - 循环训练次数:Iteration 970
2018-10-26 07:35:17,224 - root - INFO - 循环训练次数:Iteration 971
2018-10-26 07:36:03,833 - root - INFO - 循环训练次数:Iteration 972
2018-10-26 07:36:45,446 - root - INFO - 循环训练次数:Iteration 973
2018-10-26 07:37:28,567 - root - INFO - 循环训练次数:Iteration 974
2018-10-26 07:38:12,738 - root - INFO - 循环训练次数:Iteration 975
2018-10-26 07:38:51,806 - root - INFO - 循环训练次数:Iteration 976
2018-10-26 07:39:37,753 - root - INFO - 循环训练次数:Iteration 977
2018-10-26 07:40:18,987 - root - INFO - 循环训练次数:Iteration 978
2018-10-26 07:41:00,070 - root - INFO - 循环训练次数:Iteration 979
2018-10-26 07:41:42,553 - root - INFO - 循环训练次数:Iteration 980
2018-10-26 07:42:23,717 - root - INFO - 循环训练次数:Iteration 981
2018-10-26 07:43:09,250 - root - INFO - 循环训练次数:Iteration 982
2018-10-26 07:43:49,948 - root - INFO - 循环训练次数:Iteration 983
2018-10-26 07:44:33,583 - root - INFO - 循环训练次数:Iteration 984
2018-10-26 07:45:19,574 - root - INFO - 循环训练次数:Iteration 985
2018-10-26 07:45:58,045 - root - INFO - 循环训练次数:Iteration 986
2018-10-26 07:46:40,134 - root - INFO - 循环训练次数:Iteration 987
2018-10-26 07:47:26,438 - root - INFO - 循环训练次数:Iteration 988
输出图片:循环训练次数:Iteration 988
2018-10-26 07:48:28,175 - root - INFO - ('Cost: ', 1860973200.0)
2018-10-26 07:48:28,365 - root - INFO - 循环训练次数:Iteration 989
2018-10-26 07:49:12,821 - root - INFO - 循环训练次数:Iteration 990
2018-10-26 07:49:53,889 - root - INFO - 循环训练次数:Iteration 991
2018-10-26 07:50:36,970 - root - INFO - 循环训练次数:Iteration 992
2018-10-26 07:51:22,281 - root - INFO - 循环训练次数:Iteration 993
2018-10-26 07:52:03,388 - root - INFO - 循环训练次数:Iteration 994
2018-10-26 07:52:49,226 - root - INFO - 循环训练次数:Iteration 995
2018-10-26 07:53:27,649 - root - INFO - 循环训练次数:Iteration 996
2018-10-26 07:54:10,936 - root - INFO - 循环训练次数:Iteration 997
2018-10-26 07:54:55,097 - root - INFO - 循环训练次数:Iteration 998
2018-10-26 07:55:38,677 - root - INFO - 循环训练次数:Iteration 999
2018-10-26 07:56:24,994 - root - INFO - 循环训练次数:Iteration 1000
2018-10-26 07:57:03,370 - root - INFO - 循环训练次数:Iteration 1001
2018-10-26 07:57:46,974 - root - INFO - 循环训练次数:Iteration 1002
2018-10-26 07:58:28,394 - root - INFO - 循环训练次数:Iteration 1003
2018-10-26 07:59:14,604 - root - INFO - 循环训练次数:Iteration 1004
2018-10-26 07:59:55,796 - root - INFO - 循环训练次数:Iteration 1005
2018-10-26 08:00:39,122 - root - INFO - 循环训练次数:Iteration 1006
2018-10-26 08:01:22,603 - root - INFO - 循环训练次数:Iteration 1007
输出图片:循环训练次数:Iteration 1007
2018-10-26 08:02:25,960 - root - INFO - ('Cost: ', 1766436400.0)
2018-10-26 08:02:26,155 - root - INFO - 循环训练次数:Iteration 1008
2018-10-26 08:03:13,288 - root - INFO - 循环训练次数:Iteration 1009
2018-10-26 08:03:56,038 - root - INFO - 循环训练次数:Iteration 1010
2018-10-26 08:04:41,943 - root - INFO - 循环训练次数:Iteration 1011
2018-10-26 08:05:22,120 - root - INFO - 循环训练次数:Iteration 1012
2018-10-26 08:06:09,767 - root - INFO - 循环训练次数:Iteration 1013
2018-10-26 08:06:51,497 - root - INFO - 循环训练次数:Iteration 1014
2018-10-26 08:07:39,700 - root - INFO - 循环训练次数:Iteration 1015
2018-10-26 08:08:22,287 - root - INFO - 循环训练次数:Iteration 1016
2018-10-26 08:09:09,256 - root - INFO - 循环训练次数:Iteration 1017
2018-10-26 08:09:50,593 - root - INFO - 循环训练次数:Iteration 1018
2018-10-26 08:10:33,537 - root - INFO - 循环训练次数:Iteration 1019
2018-10-26 08:11:16,648 - root - INFO - 循环训练次数:Iteration 1020
2018-10-26 08:12:03,757 - root - INFO - 循环训练次数:Iteration 1021
2018-10-26 08:12:45,535 - root - INFO - 循环训练次数:Iteration 1022
2018-10-26 08:13:28,302 - root - INFO - 循环训练次数:Iteration 1023
2018-10-26 08:14:13,401 - root - INFO - 循环训练次数:Iteration 1024
2018-10-26 08:14:55,986 - root - INFO - 循环训练次数:Iteration 1025
2018-10-26 08:15:40,682 - root - INFO - 循环训练次数:Iteration 1026
输出图片:循环训练次数:Iteration 1026
2018-10-26 08:16:42,605 - root - INFO - ('Cost: ', 1679956000.0)
2018-10-26 08:16:42,793 - root - INFO - 循环训练次数:Iteration 1027
2018-10-26 08:17:30,590 - root - INFO - 循环训练次数:Iteration 1028
2018-10-26 08:18:16,487 - root - INFO - 循环训练次数:Iteration 1029
2018-10-26 08:19:02,758 - root - INFO - 循环训练次数:Iteration 1030
2018-10-26 08:19:42,506 - root - INFO - 循环训练次数:Iteration 1031
2018-10-26 08:20:27,711 - root - INFO - 循环训练次数:Iteration 1032
2018-10-26 08:21:09,802 - root - INFO - 循环训练次数:Iteration 1033
2018-10-26 08:21:52,109 - root - INFO - 循环训练次数:Iteration 1034
2018-10-26 08:22:38,117 - root - INFO - 循环训练次数:Iteration 1035
2018-10-26 08:23:19,654 - root - INFO - 循环训练次数:Iteration 1036
2018-10-26 08:24:01,323 - root - INFO - 循环训练次数:Iteration 1037
2018-10-26 08:24:45,820 - root - INFO - 循环训练次数:Iteration 1038
2018-10-26 08:25:29,553 - root - INFO - 循环训练次数:Iteration 1039
2018-10-26 08:26:16,141 - root - INFO - 循环训练次数:Iteration 1040
2018-10-26 08:26:54,430 - root - INFO - 循环训练次数:Iteration 1041
2018-10-26 08:27:40,839 - root - INFO - 循环训练次数:Iteration 1042
2018-10-26 08:28:22,629 - root - INFO - 循环训练次数:Iteration 1043
2018-10-26 08:29:04,996 - root - INFO - 循环训练次数:Iteration 1044
2018-10-26 08:29:47,897 - root - INFO - 循环训练次数:Iteration 1045
输出图片:循环训练次数:Iteration 1045
2018-10-26 08:30:52,264 - root - INFO - ('Cost: ', 1597964400.0)
2018-10-26 08:30:52,460 - root - INFO - 循环训练次数:Iteration 1046
2018-10-26 08:31:37,686 - root - INFO - 循环训练次数:Iteration 1047
2018-10-26 08:32:20,676 - root - INFO - 循环训练次数:Iteration 1048
2018-10-26 08:33:02,705 - root - INFO - 循环训练次数:Iteration 1049
2018-10-26 08:33:46,678 - root - INFO - 循环训练次数:Iteration 1050
2018-10-26 08:34:27,415 - root - INFO - 循环训练次数:Iteration 1051
2018-10-26 08:35:12,963 - root - INFO - 循环训练次数:Iteration 1052
2018-10-26 08:35:54,169 - root - INFO - 循环训练次数:Iteration 1053
2018-10-26 08:36:35,542 - root - INFO - 循环训练次数:Iteration 1054
2018-10-26 08:37:21,304 - root - INFO - 循环训练次数:Iteration 1055
2018-10-26 08:38:03,710 - root - INFO - 循环训练次数:Iteration 1056
2018-10-26 08:38:48,585 - root - INFO - 循环训练次数:Iteration 1057
2018-10-26 08:39:30,684 - root - INFO - 循环训练次数:Iteration 1058
2018-10-26 08:40:13,141 - root - INFO - 循环训练次数:Iteration 1059
2018-10-26 08:40:58,801 - root - INFO - 循环训练次数:Iteration 1060
2018-10-26 08:41:40,634 - root - INFO - 循环训练次数:Iteration 1061
2018-10-26 08:42:24,061 - root - INFO - 循环训练次数:Iteration 1062
2018-10-26 08:43:11,467 - root - INFO - 循环训练次数:Iteration 1063
2018-10-26 08:43:52,937 - root - INFO - 循环训练次数:Iteration 1064
输出图片:循环训练次数:Iteration 1064
2018-10-26 08:44:54,073 - root - INFO - ('Cost: ', 1518752000.0)
2018-10-26 08:44:54,274 - root - INFO - 循环训练次数:Iteration 1065
2018-10-26 08:45:40,609 - root - INFO - 循环训练次数:Iteration 1066
2018-10-26 08:46:23,546 - root - INFO - 循环训练次数:Iteration 1067
2018-10-26 08:47:08,184 - root - INFO - 循环训练次数:Iteration 1068
2018-10-26 08:47:55,519 - root - INFO - 循环训练次数:Iteration 1069
2018-10-26 08:48:35,866 - root - INFO - 循环训练次数:Iteration 1070
2018-10-26 08:49:18,304 - root - INFO - 循环训练次数:Iteration 1071
2018-10-26 08:50:04,402 - root - INFO - 循环训练次数:Iteration 1072
2018-10-26 08:50:46,899 - root - INFO - 循环训练次数:Iteration 1073
2018-10-26 08:51:29,184 - root - INFO - 循环训练次数:Iteration 1074
2018-10-26 08:52:15,260 - root - INFO - 循环训练次数:Iteration 1075
2018-10-26 08:52:54,870 - root - INFO - 循环训练次数:Iteration 1076
2018-10-26 08:53:37,179 - root - INFO - 循环训练次数:Iteration 1077
2018-10-26 08:54:24,488 - root - INFO - 循环训练次数:Iteration 1078
2018-10-26 08:55:06,736 - root - INFO - 循环训练次数:Iteration 1079
2018-10-26 08:55:52,268 - root - INFO - 循环训练次数:Iteration 1080
2018-10-26 08:56:33,743 - root - INFO - 循环训练次数:Iteration 1081
2018-10-26 08:57:15,653 - root - INFO - 循环训练次数:Iteration 1082
2018-10-26 08:57:55,318 - root - INFO - 循环训练次数:Iteration 1083
输出图片:循环训练次数:Iteration 1083
2018-10-26 08:58:55,676 - root - INFO - ('Cost: ', 1443075700.0)
2018-10-26 08:58:55,869 - root - INFO - 循环训练次数:Iteration 1084
2018-10-26 08:59:40,272 - root - INFO - 循环训练次数:Iteration 1085
2018-10-26 09:00:23,782 - root - INFO - 循环训练次数:Iteration 1086
2018-10-26 09:01:07,690 - root - INFO - 循环训练次数:Iteration 1087
2018-10-26 09:01:53,963 - root - INFO - 循环训练次数:Iteration 1088
2018-10-26 09:02:36,315 - root - INFO - 循环训练次数:Iteration 1089
2018-10-26 09:03:18,793 - root - INFO - 循环训练次数:Iteration 1090
2018-10-26 09:04:01,126 - root - INFO - 循环训练次数:Iteration 1091
2018-10-26 09:04:44,588 - root - INFO - 循环训练次数:Iteration 1092
2018-10-26 09:05:29,416 - root - INFO - 循环训练次数:Iteration 1093
2018-10-26 09:06:11,830 - root - INFO - 循环训练次数:Iteration 1094
2018-10-26 09:06:54,467 - root - INFO - 循环训练次数:Iteration 1095
2018-10-26 09:07:39,793 - root - INFO - 循环训练次数:Iteration 1096
2018-10-26 09:08:23,523 - root - INFO - 循环训练次数:Iteration 1097
2018-10-26 09:09:09,218 - root - INFO - 循环训练次数:Iteration 1098
2018-10-26 09:09:51,529 - root - INFO - 循环训练次数:Iteration 1099
2018-10-26 09:10:36,312 - root - INFO - 循环训练次数:Iteration 1100
2018-10-26 09:11:19,146 - root - INFO - 循环训练次数:Iteration 1101
2018-10-26 09:12:06,308 - root - INFO - 循环训练次数:Iteration 1102
输出图片:循环训练次数:Iteration 1102
2018-10-26 09:13:09,816 - root - INFO - ('Cost: ', 1371217200.0)
2018-10-26 09:13:10,018 - root - INFO - 循环训练次数:Iteration 1103
2018-10-26 09:13:56,936 - root - INFO - 循环训练次数:Iteration 1104
2018-10-26 09:14:41,222 - root - INFO - 循环训练次数:Iteration 1105
2018-10-26 09:15:25,023 - root - INFO - 循环训练次数:Iteration 1106
2018-10-26 09:16:09,700 - root - INFO - 循环训练次数:Iteration 1107
2018-10-26 09:16:53,052 - root - INFO - 循环训练次数:Iteration 1108
2018-10-26 09:17:38,501 - root - INFO - 循环训练次数:Iteration 1109
2018-10-26 09:18:26,031 - root - INFO - 循环训练次数:Iteration 1110
2018-10-26 09:19:13,909 - root - INFO - 循环训练次数:Iteration 1111
2018-10-26 09:19:57,415 - root - INFO - 循环训练次数:Iteration 1112
2018-10-26 09:20:43,031 - root - INFO - 循环训练次数:Iteration 1113
2018-10-26 09:21:26,335 - root - INFO - 循环训练次数:Iteration 1114
2018-10-26 09:22:11,756 - root - INFO - 循环训练次数:Iteration 1115
2018-10-26 09:22:55,942 - root - INFO - 循环训练次数:Iteration 1116
2018-10-26 09:23:44,173 - root - INFO - 循环训练次数:Iteration 1117
2018-10-26 09:24:27,761 - root - INFO - 循环训练次数:Iteration 1118
2018-10-26 09:25:10,821 - root - INFO - 循环训练次数:Iteration 1119
2018-10-26 09:25:53,356 - root - INFO - 循环训练次数:Iteration 1120
2018-10-26 09:26:30,851 - root - INFO - 循环训练次数:Iteration 1121
输出图片:循环训练次数:Iteration 1121
2018-10-26 09:27:28,431 - root - INFO - ('Cost: ', 1306036100.0)
2018-10-26 09:27:28,552 - root - INFO - 循环训练次数:Iteration 1122
2018-10-26 09:28:05,267 - root - INFO - 循环训练次数:Iteration 1123
2018-10-26 09:28:40,694 - root - INFO - 循环训练次数:Iteration 1124
2018-10-26 09:29:15,526 - root - INFO - 循环训练次数:Iteration 1125
2018-10-26 09:29:48,465 - root - INFO - 循环训练次数:Iteration 1126
2018-10-26 09:30:20,285 - root - INFO - 循环训练次数:Iteration 1127
2018-10-26 09:30:46,052 - root - INFO - 循环训练次数:Iteration 1128
2018-10-26 09:31:13,922 - root - INFO - 循环训练次数:Iteration 1129
2018-10-26 09:31:41,394 - root - INFO - 循环训练次数:Iteration 1130
2018-10-26 09:32:15,630 - root - INFO - 循环训练次数:Iteration 1131
2018-10-26 09:32:46,072 - root - INFO - 循环训练次数:Iteration 1132
2018-10-26 09:33:15,914 - root - INFO - 循环训练次数:Iteration 1133
2018-10-26 09:33:43,592 - root - INFO - 循环训练次数:Iteration 1134
2018-10-26 09:34:07,971 - root - INFO - 循环训练次数:Iteration 1135
2018-10-26 09:34:35,563 - root - INFO - 循环训练次数:Iteration 1136
2018-10-26 09:35:00,302 - root - INFO - 循环训练次数:Iteration 1137
2018-10-26 09:35:27,761 - root - INFO - 循环训练次数:Iteration 1138
2018-10-26 09:35:55,064 - root - INFO - 循环训练次数:Iteration 1139
2018-10-26 09:36:22,360 - root - INFO - 循环训练次数:Iteration 1140
输出图片:循环训练次数:Iteration 1140
2018-10-26 09:36:57,326 - root - INFO - ('Cost: ', 1243712300.0)
2018-10-26 09:36:57,414 - root - INFO - 循环训练次数:Iteration 1141
2018-10-26 09:37:25,654 - root - INFO - 循环训练次数:Iteration 1142
2018-10-26 09:37:53,163 - root - INFO - 循环训练次数:Iteration 1143
2018-10-26 09:38:18,900 - root - INFO - 循环训练次数:Iteration 1144
2018-10-26 09:38:44,021 - root - INFO - 循环训练次数:Iteration 1145
2018-10-26 09:39:16,554 - root - INFO - 循环训练次数:Iteration 1146
2018-10-26 09:39:43,033 - root - INFO - 循环训练次数:Iteration 1147
---------------------------------------------------------------------------
KeyboardInterrupt                         Traceback (most recent call last)
<ipython-input-4-5548f867cc6e> in <module>
     27         for i in range(ITERATIONS):
     28                 logging.info('循环训练次数:Iteration %d' % i)
---> 29                 sess.run(train)
     30                 if i % 19 == 0:
     31                         output_image = sess.run(model['input'])

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in run(self, fetches, feed_dict, options, run_metadata)
    885     try:
    886       result = self._run(None, fetches, feed_dict, options_ptr,
--> 887                          run_metadata_ptr)
    888       if run_metadata:
    889         proto_data = tf_session.TF_GetBuffer(run_metadata_ptr)

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in _run(self, handle, fetches, feed_dict, options, run_metadata)
   1108     if final_fetches or final_targets or (handle and feed_dict_tensor):
   1109       results = self._do_run(handle, final_targets, final_fetches,
-> 1110                              feed_dict_tensor, options, run_metadata)
   1111     else:
   1112       results = []

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in _do_run(self, handle, target_list, fetch_list, feed_dict, options, run_metadata)
   1284     if handle is None:
   1285       return self._do_call(_run_fn, feeds, fetches, targets, options,
-> 1286                            run_metadata)
   1287     else:
   1288       return self._do_call(_prun_fn, handle, feeds, fetches)

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in _do_call(self, fn, *args)
   1290   def _do_call(self, fn, *args):
   1291     try:
-> 1292       return fn(*args)
   1293     except errors.OpError as e:
   1294       message = compat.as_text(e.message)

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in _run_fn(feed_dict, fetch_list, target_list, options, run_metadata)
   1275       self._extend_graph()
   1276       return self._call_tf_sessionrun(
-> 1277           options, feed_dict, fetch_list, target_list, run_metadata)
   1278 
   1279     def _prun_fn(handle, feed_dict, fetch_list):

/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/tensorflow/python/client/session.py in _call_tf_sessionrun(self, options, feed_dict, fetch_list, target_list, run_metadata)
   1365     return tf_session.TF_SessionRun_wrapper(
   1366         self._session, options, feed_dict, fetch_list, target_list,
-> 1367         run_metadata)
   1368 
   1369   def _call_tf_sessionprun(self, handle, feed_dict, fetch_list):

KeyboardInterrupt: 

In [5]:
print("scipy.__version__",scipy.__version__,
"tf.__version__",tf.__version__,
"np.__version__",np.__version__,"Python 版本为",sys.version)


scipy.__version__ 1.1.0 tf.__version__ 1.11.0 np.__version__ 1.15.3 Python 版本为 3.6.7 (v3.6.7:6ec5cf24b7, Oct 20 2018, 00:28:22) 
[GCC 4.2.1 (Apple Inc. build 5666) (dot 3)]

In [ ]: