查企业年报的网站,利用百度搜索自己的网站,软件开发工程师的岗位职责,如何利用网站模板做网站前言
对于数据量较大的时候#xff0c;通过分布式训练可以加速训练。相比于单机单卡、单机多卡只需要用with tf.device(‘/gpu:0’)来指定GPU进行计算的情况#xff0c;分布式训练因为涉及到多台机器之间的分工交互#xff0c;所以更麻烦一些。本文简单介绍了多机(单卡/多卡…前言
对于数据量较大的时候通过分布式训练可以加速训练。相比于单机单卡、单机多卡只需要用with tf.device(‘/gpu:0’)来指定GPU进行计算的情况分布式训练因为涉及到多台机器之间的分工交互所以更麻烦一些。本文简单介绍了多机(单卡/多卡不重要)情况下的分布式Tensorflow训练方法。
对于分布式训练与单机训练主要有两个不同 1. 如何开始训练2. 训练时如何进行分工。分别会在下面两节进行介绍。
1. 确认彼此
单机训练直接可以通过一个脚本就告诉机器“我要开始训练啦”就可以但是对于分布式训练而言多台机器需要互相通信就需要先“见个面认识一下”。就需要给每一台机器一个“名单”让他去找其他机器。这个“名单”就是所谓的ClusterSpec让他去找其他机器就是说每一台机器都要运行一次脚本。
下面我们来举一个例子假设我们用本地机器的两个端口localhost:2222localhost:2223来模拟集群中的两个机器两个机器的工作内容都是简单的print一句话。首先写两个脚本第一个脚本长这样
import tensorflow as tf# 每台机器要做的内容为了简化不训练了只print一下
c tf.constant(Hello from server1)# 集群的名单
cluster tf.train.ClusterSpec({local:[localhost:2222, localhost:2223]})
# 服务的声明同时告诉这台机器他是名单中的谁
server tf.train.Server(cluster, job_namelocal, task_index0)
# 以server模式打开会话环境
sess tf.Session(server.target, configtf.ConfigProto(log_device_placementTrue))
print(sess.run(c))
server.join()然后第二个脚本长这样import tensorflow as tf# 每台机器要做的内容为了简化不训练了只print一下
c tf.constant(Hello from server2)# 集群的名单
cluster tf.train.ClusterSpec({local:[localhost:2222, localhost:2223]})
# 服务的声明同时告诉这台机器他是名单中的谁
server tf.train.Server(cluster, job_namelocal, task_index1)
# 以server模式打开会话环境
sess tf.Session(server.target, configtf.ConfigProto(log_device_placementTrue))
print(sess.run(c))
server.join()我们来简单说明一下脚本中的内容。这两个脚本其实长的差不多都是拿着同一个“名单”即
# 声明集群的“名单”
cluster tf.train.ClusterSpec({local:[localhost:2222, localhost:2223]})
不同之处只是在创建Server的时候指定了不同的index相当于告诉他名单里哪一个名字是自己。其实原理上就是在每一台机器上起一个服务然后通过这个服务和名单来实现通信。
# 第一个脚本的服务
server tf.train.Server(cluster, job_namelocal, task_index0)
# 第二个脚本的服务
server tf.train.Server(cluster, job_namelocal, task_index1)现在有两个脚本了对于多机情况这两个脚本是分别放在不同机器上的但是本例使用单机的两个端口模仿多机所以两个脚本可以放在一起。然后我们让这个“集群”启动起来吧首先打开一个命令行窗口在该路径下运行第一个脚本
# 运行第一台机器控制台窗口
$ python3 server1.py# 输出内容
# 此处省略 N 行内容
2020-04-24 14:58:58.841179: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1
2020-04-24 14:59:08.844255: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1
2020-04-24 14:59:18.847998: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1
2020-04-24 14:59:28.852471: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1
2020-04-24 14:59:38.852649: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1
2020-04-24 14:59:48.856933: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:local/replica:0/task:1忽略WARNING部分命令行中不断输出内容CreateSession still waiting for response from worker表示这个服务正在等待集群中其他机器毕竟我们还没有让第二台机器加入进来。下面我们重新打开一个命令行窗口表示另一台机器并在目录下启动另一个脚本
# 运行第二台机器控制台窗口
$ python3 server2.py# 输出内容
# 此处省略 N 行内容
Const: (Const): /job:local/replica:0/task:0/device:CPU:0
2020-04-24 15:02:27.653508: I tensorflow/core/common_runtime/placer.cc:54] Const: (Const): /job:local/replica:0/task:0/device:CPU:0
bHello from server2我们看到当第二个脚本开始运行时集群中所有两台机器都到齐了于是就开始工作了。第二台机器直接print出了内容b’Hello from server2’。同时此时第一台机器也开始了工作
# 第二个台机器控制台窗口加入到集群之后第一台机器的输出
Const: (Const): /job:local/replica:0/task:0/device:CPU:0
2020-04-24 15:02:28.732132: I tensorflow/core/common_runtime/placer.cc:54] Const: (Const): /job:local/replica:0/task:0/device:CPU:0
bHello from server1综上对于分布式训练来说第一步就是每一个机器都应该有一个脚本第二 步给每台机器一个相同的“名单”也就是ClusterSpec第三步在每台机器上分别运行脚本起服务最后多台机器之间就可以通信了。
2. 密切配合
第一节介绍了集群之间的机器如何相互确认并一起开始工作的。本节主要介绍集群之间的机器如明确分工相互配合完成训练的。在前面的例子中两台机器的名单是通过ClusterSpec来声明的两台机器没有复杂的角色分工都是print一句话。
tf.train.ClusterSpec({local:[localhost:2222, localhost:2223]})实际上在复杂的训练过程中会更复杂我们要为每台机器分配不同的工作一般会分成ps机和worker机。其中ps机负责保存网络参数、汇总梯度值、更新网络参数而worker机主要负责正向传导和反向计算提督。这时在创建ClusterSpec的时候就需要这样做
# 通常将机器分工为ps和worker不过可以根据实际情况灵活分工。
# 只是在编写代码时明确每种分工的机器要做什么事情就可以
tf.train.ClusterSpec({ps:[localhost:2222], # 用来保存、更新参数的机器worker:[localhost:2223, localhost:2224] # 用来正向传播、反向计算梯度的机器
})本例中仍然采用本机的三个端口模拟三台机器。ClusterSpec的参数字典的key为集群分工的名称value为该分工下的机器列表。
已经知道了如何定义一个集群下面我们来看看如何给每一个机器分配任务。在第一节的例子中我们写了两个相似脚本但是如果在大规模集群上这很费力且不宜与维护。最好是只写一份脚本然后在不同的机器上运行时通过参数告诉机器“分工”ps or worker和“名字”ip:port就可以。分布式训练的方式分为异步训练和同步训练。下面我们分别介绍
2.1 异步分布式训练
我们还是据一个简单的DNN来分类MNIST数据集的例子脚本应该长这样
# 异步分布式训练
#codingutf-8
import time
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data # 数据的获取不是本章重点这里直接导入FLAGS tf.app.flags.FLAGS
tf.app.flags.DEFINE_string(job_name, worker, ps or worker)
tf.app.flags.DEFINE_integer(task_id, 0, Task ID of the worker/ps running the train)
tf.app.flags.DEFINE_string(ps_hosts, localhost:2222, ps机)
tf.app.flags.DEFINE_string(worker_hosts, localhost:2223,localhost:2224, worker机用逗号隔开)# 全局变量
MODEL_DIR ./distribute_model_ckpt/
DATA_DIR ./data/mnist/
BATCH_SIZE 32# main函数
def main(self):# STEP1: 读取数据 #mnist input_data.read_data_sets(DATA_DIR, one_hotTrue, source_urlhttp://yann.lecun.com/exdb/mnist/) # 读取数据# STEP2: 声明集群 ## 构建集群ClusterSpec和服务声明ps_hosts FLAGS.ps_hosts.split(,)worker_hosts FLAGS.worker_hosts.split(,)cluster tf.train.ClusterSpec({ps:ps_hosts, worker:worker_hosts}) # 构建集群名单server tf.train.Server(cluster, job_nameFLAGS.job_name, task_indexFLAGS.task_id) # 声明服务# STEP3: ps机内容 ## 分工对于ps机器不需要执行训练过程只需要管理变量。server.join()会一直停在这条语句上。if FLAGS.job_name ps:with tf.device(/cpu:0):server.join()# STEP4: worker机内容 ## 下面定义worker机需要进行的操作is_chief (FLAGS.task_id 0) # 选取task_id0的worker机作为chief# 通过replica_device_setter函数来指定每一个运算的设备。# replica_device_setter会自动将所有参数分配到参数服务器上将计算分配到当前的worker机上。device_setter tf.train.replica_device_setter(worker_device/job:worker/task:%d % FLAGS.task_id,clustercluster)# 这一台worker机器需要做的计算内容with tf.device(device_setter):# 输入数据x tf.placeholder(namex-input, shape[None, 28*28], dtypetf.float32) # 输入样本像素为28*28y_ tf.placeholder(namey-input, shape[None, 10], dtypetf.float32) # MNIST是十分类# 第一层隐藏层with tf.variable_scope(layer1):weights tf.get_variable(nameweights, shape[28*28, 128], initializertf.glorot_normal_initializer())biases tf.get_variable(namebiases, shape[128], initializertf.glorot_normal_initializer())layer1 tf.nn.relu(tf.matmul(x, weights) biases, namelayer1)# 第二层输出层with tf.variable_scope(layer2):weights tf.get_variable(nameweights, shape[128, 10], initializertf.glorot_normal_initializer())biases tf.get_variable(namebiases, shape[10], initializertf.glorot_normal_initializer())y tf.add(tf.matmul(layer1, weights), biases, namey)pred tf.argmax(y, axis1, namepred)global_step tf.contrib.framework.get_or_create_global_step() # 必须手动声明global_step否则会报错# 损失和优化cross_entropy tf.nn.sparse_softmax_cross_entropy_with_logits(logitsy, labelstf.argmax(y_, axis1))loss tf.reduce_mean(cross_entropy)train_op tf.train.GradientDescentOptimizer(0.01).minimize(loss, global_stepglobal_step)if is_chief:train_op tf.no_op()hooks [tf.train.StopAtStepHook(last_step10000)]config tf.ConfigProto(allow_soft_placementTrue, # 设置成True那么当运行设备不满足要求时会自动分配GPU或者CPU。log_device_placementFalse, # 设置为True时会打印出TensorFlow使用了哪种操作)# STEP5: 打开会话 ## 对于分布式训练打开会话时不采用tf.Session()而采用tf.train.MonitoredTrainingSession()# 详情参考https://www.cnblogs.com/estragon/p/10034511.htmlwith tf.train.MonitoredTrainingSession(masterserver.target,is_chiefis_chief,checkpoint_dirMODEL_DIR,hookshooks,save_checkpoint_secs10,configconfig) as sess:print(session started!)start_time time.time()step 0while not sess.should_stop():xs, ys mnist.train.next_batch(BATCH_SIZE) # batch_size32_, loss_value, global_step_value sess.run([train_op, loss, global_step], feed_dict{x:xs, y_:ys})if step 0 and step % 100 0:duration time.time() - start_timesec_per_batch duration / global_step_valueprint(After %d training steps(%d global steps), loss on training batch is %g (%.3f sec/batch) % (step, global_step_value, loss_value, sec_per_batch))step 1if __name__ __main__:tf.app.run()代码虽然比较长但是整体结构还是很清晰的。结构上分5个步骤1. 读取数据、2. 声明集群、3. ps机内容、4. worker机内容、5. 打开会话。其中第四步“worker机内容”包含了网络结构的定义比较复杂。
接下来只需要将脚本放在集群的三个不同机器上然后分别运行即可首先运行ps机脚本
# ps机脚本
$ python3 distribute_train.py --job_nameps --task_id0 --ps_hostslocalhost:2222 --worker_hostslocalhost:2223,localhost:2224# 输出
2020-04-24 17:16:44.530325: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2020-04-24 17:16:44.546565: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x102ccad20 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
2020-04-24 17:16:44.546582: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
2020-04-24 17:16:44.548075: I tensorflow/core/distributed_runtime/rpc/grpc_channel.cc:258] Initialize GrpcChannelCache for job ps - {0 - localhost:2222}
2020-04-24 17:16:44.548088: I tensorflow/core/distributed_runtime/rpc/grpc_channel.cc:258] Initialize GrpcChannelCache for job worker - {0 - localhost:2223, 1 - localhost:2224}
2020-04-24 17:16:44.548525: I tensorflow/core/distributed_runtime/rpc/grpc_server_lib.cc:365] Started server with target: grpc://localhost:2222然后运行第一个worker机脚本开始运行之后他会等待worker其他机的加入
# 第一个worker机
$ python3 distribute_train.py --job_nameworker --task_id0 --ps_hostslocalhost:2222 --worker_hostslocalhost:2223,localhost:2224# 这里省略 N 行输出
2020-04-24 17:25:41.174507: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:worker/replica:0/task:1
2020-04-24 17:25:51.176111: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:worker/replica:0/task:1
2020-04-24 17:26:01.180872: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:worker/replica:0/task:1
2020-04-24 17:26:11.184377: I tensorflow/core/distributed_runtime/master.cc:268] CreateSession still waiting for response from worker: /job:worker/replica:0/task:1然后运行第二个worker机的脚本
# 第二个worker机
$ python3 distribute_train.py --job_nameworker --task_id0 --ps_hostslocalhost:2222 --worker_hostslocalhost:2223,localhost:2224# 输出
session started!
After 100 training steps(100 global steps), loss on training batch is 1.59204 (0.004 sec/batch)
After 200 training steps(200 global steps), loss on training batch is 1.10218 (0.003 sec/batch)
After 300 training steps(300 global steps), loss on training batch is 0.71179 (0.003 sec/batch)
After 400 training steps(400 global steps), loss on training batch is 0.679103 (0.002 sec/batch)
After 500 training steps(500 global steps), loss on training batch is 0.50411 (0.002 sec/batch)
# 这里省略 N 行输出2.2 同步分布式训练
同样是采用DNN进行MNIST数据集的分类任务
# 异步分布式训练
#codingutf-8
import time
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data # 数据的获取不是本章重点这里直接导入FLAGS tf.app.flags.FLAGS
tf.app.flags.DEFINE_string(job_name, worker, ps or worker)
tf.app.flags.DEFINE_integer(task_id, 0, Task ID of the worker/ps running the train)
tf.app.flags.DEFINE_string(ps_hosts, localhost:2222, ps机)
tf.app.flags.DEFINE_string(worker_hosts, localhost:2223,localhost:2224, worker机用逗号隔开)# 全局变量
MODEL_DIR ./distribute_model_ckpt/
DATA_DIR ./data/mnist/
BATCH_SIZE 32# main函数
def main(self):# STEP1: 读取数据 #mnist input_data.read_data_sets(DATA_DIR, one_hotTrue, source_urlhttp://yann.lecun.com/exdb/mnist/) # 读取数据# STEP2: 声明集群 ## 构建集群ClusterSpec和服务声明ps_hosts FLAGS.ps_hosts.split(,)worker_hosts FLAGS.worker_hosts.split(,)cluster tf.train.ClusterSpec({ps:ps_hosts, worker:worker_hosts}) # 构建集群名单server tf.train.Server(cluster, job_nameFLAGS.job_name, task_indexFLAGS.task_id) # 声明服务n_workers len(worker_hosts) # worker机的数量# STEP3: ps机内容 ## 分工对于ps机器不需要执行训练过程只需要管理变量。server.join()会一直停在这条语句上。if FLAGS.job_name ps:with tf.device(/cpu:0):server.join()# STEP4: worker机内容 ## 下面定义worker机需要进行的操作is_chief (FLAGS.task_id 0) # 选取task_id0的worker机作为chief# 通过replica_device_setter函数来指定每一个运算的设备。# replica_device_setter会自动将所有参数分配到参数服务器上将计算分配到当前的worker机上。device_setter tf.train.replica_device_setter(worker_device/job:worker/task:%d % FLAGS.task_id,clustercluster)# 这一台worker机器需要做的计算内容with tf.device(device_setter):# 输入数据x tf.placeholder(namex-input, shape[None, 28*28], dtypetf.float32) # 输入样本像素为28*28y_ tf.placeholder(namey-input, shape[None, 10], dtypetf.float32) # MNIST是十分类# 第一层隐藏层with tf.variable_scope(layer1):weights tf.get_variable(nameweights, shape[28*28, 128], initializertf.glorot_normal_initializer())biases tf.get_variable(namebiases, shape[128], initializertf.glorot_normal_initializer())layer1 tf.nn.relu(tf.matmul(x, weights) biases, namelayer1)# 第二层输出层with tf.variable_scope(layer2):weights tf.get_variable(nameweights, shape[128, 10], initializertf.glorot_normal_initializer())biases tf.get_variable(namebiases, shape[10], initializertf.glorot_normal_initializer())y tf.add(tf.matmul(layer1, weights), biases, namey)pred tf.argmax(y, axis1, namepred)global_step tf.contrib.framework.get_or_create_global_step() # 必须手动声明global_step否则会报错# 损失和优化cross_entropy tf.nn.sparse_softmax_cross_entropy_with_logits(logitsy, labelstf.argmax(y_, axis1))loss tf.reduce_mean(cross_entropy)# **通过tf.train.SyncReplicasOptimizer函数实现函数同步更新**opt tf.train.SyncReplicasOptimizer(tf.train.GradientDescentOptimizer(0.01),replicas_to_aggregaten_workers,total_num_replicasn_workers)sync_replicas_hook opt.make_session_run_hook(is_chief)train_op opt.minimize(loss, global_stepglobal_step)if is_chief:train_op tf.no_op()hooks [sync_replicas_hook, tf.train.StopAtStepHook(last_step10000)] # 把同步更新的hook加进来config tf.ConfigProto(allow_soft_placementTrue, # 设置成True那么当运行设备不满足要求时会自动分配GPU或者CPU。log_device_placementFalse, # 设置为True时会打印出TensorFlow使用了哪种操作)# STEP5: 打开会话 ## 对于分布式训练打开会话时不采用tf.Session()而采用tf.train.MonitoredTrainingSession()# 详情参考https://www.cnblogs.com/estragon/p/10034511.htmlwith tf.train.MonitoredTrainingSession(masterserver.target,is_chiefis_chief,checkpoint_dirMODEL_DIR,hookshooks,save_checkpoint_secs10,configconfig) as sess:print(session started!)start_time time.time()step 0while not sess.should_stop():xs, ys mnist.train.next_batch(BATCH_SIZE) # batch_size32_, loss_value, global_step_value sess.run([train_op, loss, global_step], feed_dict{x:xs, y_:ys})if step 0 and step % 100 0:duration time.time() - start_timesec_per_batch duration / global_step_valueprint(After %d training steps(%d global steps), loss on training batch is %g (%.3f sec/batch) % (step, global_step_value, loss_value, sec_per_batch))step 1if __name__ __main__:tf.app.run()同步分布式训练与异步分布式训练几乎一样只有两点差别
优化器要用tf.train.SyncReplicasOptimizer代替tf.train.GradientDescentOptimizerhooks要将sync_replicas_hook opt.make_session_run_hook(is_chief)也加进来
其他的都和异步分布式训练一样这里就不做赘述了。
不错的例子及说明 https://github.com/TracyMcgrady6/Distribute_MNIST/tree/master 文章转载自: http://www.morning.nqbkb.cn.gov.cn.nqbkb.cn http://www.morning.lbywt.cn.gov.cn.lbywt.cn http://www.morning.xfwnk.cn.gov.cn.xfwnk.cn http://www.morning.pwrkl.cn.gov.cn.pwrkl.cn http://www.morning.fhkr.cn.gov.cn.fhkr.cn http://www.morning.litao7.cn.gov.cn.litao7.cn http://www.morning.rcrnw.cn.gov.cn.rcrnw.cn http://www.morning.xyhql.cn.gov.cn.xyhql.cn http://www.morning.ktqtf.cn.gov.cn.ktqtf.cn http://www.morning.mqzcn.cn.gov.cn.mqzcn.cn http://www.morning.fjfjm.cn.gov.cn.fjfjm.cn http://www.morning.wmyqw.com.gov.cn.wmyqw.com http://www.morning.wfbs.cn.gov.cn.wfbs.cn http://www.morning.kbbmj.cn.gov.cn.kbbmj.cn http://www.morning.prprz.cn.gov.cn.prprz.cn http://www.morning.ffmx.cn.gov.cn.ffmx.cn http://www.morning.rpdmj.cn.gov.cn.rpdmj.cn http://www.morning.wgzgr.cn.gov.cn.wgzgr.cn http://www.morning.bfgpn.cn.gov.cn.bfgpn.cn http://www.morning.lbbrw.cn.gov.cn.lbbrw.cn http://www.morning.ctlbf.cn.gov.cn.ctlbf.cn http://www.morning.ygxf.cn.gov.cn.ygxf.cn http://www.morning.lcxdm.cn.gov.cn.lcxdm.cn http://www.morning.qcymf.cn.gov.cn.qcymf.cn http://www.morning.kdtdh.cn.gov.cn.kdtdh.cn http://www.morning.tmnyj.cn.gov.cn.tmnyj.cn http://www.morning.htfnz.cn.gov.cn.htfnz.cn http://www.morning.hkysq.cn.gov.cn.hkysq.cn http://www.morning.dxxnq.cn.gov.cn.dxxnq.cn http://www.morning.grzpc.cn.gov.cn.grzpc.cn http://www.morning.rnzgf.cn.gov.cn.rnzgf.cn http://www.morning.lrybz.cn.gov.cn.lrybz.cn http://www.morning.nbiotank.com.gov.cn.nbiotank.com http://www.morning.nbgfz.cn.gov.cn.nbgfz.cn http://www.morning.cpnsh.cn.gov.cn.cpnsh.cn http://www.morning.fnkcg.cn.gov.cn.fnkcg.cn http://www.morning.vuref.cn.gov.cn.vuref.cn http://www.morning.mlwpr.cn.gov.cn.mlwpr.cn http://www.morning.kxltf.cn.gov.cn.kxltf.cn http://www.morning.zdsqb.cn.gov.cn.zdsqb.cn http://www.morning.yprjy.cn.gov.cn.yprjy.cn http://www.morning.wrtpk.cn.gov.cn.wrtpk.cn http://www.morning.nqgds.cn.gov.cn.nqgds.cn http://www.morning.qnpyz.cn.gov.cn.qnpyz.cn http://www.morning.ftcrt.cn.gov.cn.ftcrt.cn http://www.morning.lgwpm.cn.gov.cn.lgwpm.cn http://www.morning.ylmxs.cn.gov.cn.ylmxs.cn http://www.morning.cywf.cn.gov.cn.cywf.cn http://www.morning.wdnkp.cn.gov.cn.wdnkp.cn http://www.morning.ywxln.cn.gov.cn.ywxln.cn http://www.morning.nlrxh.cn.gov.cn.nlrxh.cn http://www.morning.plqsz.cn.gov.cn.plqsz.cn http://www.morning.jwdys.cn.gov.cn.jwdys.cn http://www.morning.rqzyz.cn.gov.cn.rqzyz.cn http://www.morning.rqnzh.cn.gov.cn.rqnzh.cn http://www.morning.llmhq.cn.gov.cn.llmhq.cn http://www.morning.pwfwk.cn.gov.cn.pwfwk.cn http://www.morning.yrccw.cn.gov.cn.yrccw.cn http://www.morning.rcjqgy.com.gov.cn.rcjqgy.com http://www.morning.gdgylp.com.gov.cn.gdgylp.com http://www.morning.qpsxz.cn.gov.cn.qpsxz.cn http://www.morning.mqbsm.cn.gov.cn.mqbsm.cn http://www.morning.rgkd.cn.gov.cn.rgkd.cn http://www.morning.qddtd.cn.gov.cn.qddtd.cn http://www.morning.rblqk.cn.gov.cn.rblqk.cn http://www.morning.mpszk.cn.gov.cn.mpszk.cn http://www.morning.kqgsn.cn.gov.cn.kqgsn.cn http://www.morning.ssqrd.cn.gov.cn.ssqrd.cn http://www.morning.wmhlz.cn.gov.cn.wmhlz.cn http://www.morning.gsjw.cn.gov.cn.gsjw.cn http://www.morning.bqhlp.cn.gov.cn.bqhlp.cn http://www.morning.wncb.cn.gov.cn.wncb.cn http://www.morning.qnbsx.cn.gov.cn.qnbsx.cn http://www.morning.qzqjz.cn.gov.cn.qzqjz.cn http://www.morning.wpcfh.cn.gov.cn.wpcfh.cn http://www.morning.ghlyy.cn.gov.cn.ghlyy.cn http://www.morning.mgmqf.cn.gov.cn.mgmqf.cn http://www.morning.zkqjz.cn.gov.cn.zkqjz.cn http://www.morning.nbhft.cn.gov.cn.nbhft.cn http://www.morning.zknjy.cn.gov.cn.zknjy.cn