-
大小: 1.8MB文件类型: .rar金币: 2下载: 0 次发布日期: 2024-02-03
- 语言: 其他
- 标签: dehaze mscnn tensorflow python3
资源简介
Single image dehazing via multi-scale convolutional neural network 使用tensorflow,数据集是nyu2
代码片段和文件信息
import os
import numpy as np
import tensorflow as tf
class ConfigFactory(object):
def __init__(self name=‘networks‘lr_base = 0.001batch_size = 8total_iters=100model_path = “/data0/chenrui/model_path“):
self.name = name
self.batch_size = batch_size
self.total_iters = total_iters#迭代次数
self.lr_base = lr_base#学习率
self.lr_decay = 0.99#学习率
self.model_path = model_path
self.log_router = model_path + “/“+ self.name + “/log/“ #日志路径
self.ckpt_router =model_path + “/“+ self.name + “/ckpts/“ #模型路径
self.result_router = model_path + “/“+ self.name + “/result/“ #输出结果路径
if not os.path.exists(model_path+‘/‘+self.name):
os.makedirs(self.log_router+“train/“)
os.makedirs(self.log_router+“val/“)
os.makedirs(self.ckpt_router)
os.makedirs(self.result_router)
def display_configs(self):
msg = ‘‘‘
------------ infor of %s model -----------------------------------------
batch size : %s
learing rate base : %f
learing rate decay : %f
iter num : %s
log router : %s
ckpt router : %s
result router : %s
------------------------------------------------------------------------
‘‘‘ % (self.name self.batch_size self.lr_base self.lr_decay self.total_iters self.log_router self.ckpt_routerself.result_router)
print(msg)
return msg
def _debug_info(self):
variables_names = [[v.name v.get_shape().as_list()] for v in tf.trainable_variables()]
print (“Trainable Variables:“)
tot_params = 0
self.var_log = open(self.result_router + r‘variables.logs‘ mode=‘a+‘ encoding=‘utf-8‘)
for i in variables_names:
var_params = np.prod(np.array(i[1]))
tot_params += var_params
self.var_log.writelines(str(i[0]) + ‘ ‘ + str(i[1]) + ‘ ‘ + str(var_params ) + ‘\n‘)
print (i[0] i[1] var_params)
print (“Total number of Trainable Parameters: “ str(tot_params/1000.0)+“K“)
self.var_log.writelines(“Total number of Trainable Parameters: “ + str(tot_params/1000.0)+“K“)
self.var_log.close()
def data_iterator(selfdatalabel):#产生迭代数据
num_examples = data.shape[0]
num_batch = num_examples // self.batch_size#//取的是结果的最小整数
num_total = num_batch * self.batch_size
while True:
perm = np.arange(num_examples)
np.random.shuffle(perm)
shuf_data = data[perm]
shuf_label = label[perm]
for i in range(0 num_total self.batch_size):
batch_data = shuf_data[i:i + self.batch_size]
batch_label = shuf_label[i:i + self.batch_size]
yield batch_data batch_label
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
文件 517 2019-05-29 21:57 MSCNN\ckpts\checkpoint
文件 96184 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-50.data-00000-of-00001
文件 1815 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-50.index
文件 213328 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-50.me
文件 96184 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-60.data-00000-of-00001
文件 1815 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-60.index
文件 213328 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-60.me
文件 96184 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-70.data-00000-of-00001
文件 1815 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-70.index
文件 213328 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-70.me
文件 96184 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-80.data-00000-of-00001
文件 1815 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-80.index
文件 213328 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-80.me
文件 96184 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-90.data-00000-of-00001
文件 1815 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-90.index
文件 213328 2019-05-29 21:57 MSCNN\ckpts\dehaze_cnn.ckpt-90.me
文件 3075 2019-05-29 21:43 MSCNN\config.py
文件 8062 2019-05-29 21:58 MSCNN\mscnn.py
文件 4661 2019-05-29 21:55 MSCNN\mscnn_data.py
文件 5614 2019-05-29 21:42 MSCNN\ops.py
文件 81512 2019-05-29 21:57 MSCNN\result\105.jpg
文件 50461 2019-05-29 21:57 MSCNN\result\canyon1.jpg
文件 52215 2019-05-29 21:57 MSCNN\result\canyon2.jpg
文件 78753 2019-05-29 21:57 MSCNN\result\forest1.jpg
文件 58789 2019-05-29 21:57 MSCNN\result\nampikin.jpg
文件 57533 2019-05-29 21:57 MSCNN\result\shan.jpg
文件 429902 2019-05-29 21:57 MSCNN\result\tiananmen1.png
文件 597681 2019-05-29 21:57 MSCNN\result\tree2.png
目录 0 2019-05-29 21:57 MSCNN\ckpts
目录 0 2019-05-29 21:57 MSCNN\result
............此处省略4个文件信息
- 上一篇:AliSMSDLL.rar
- 下一篇:数学建模中有关人口问题的答案
相关资源
- 基于双向LSTM+tensorflow中文分词
- TensorFlow Machine Learning Cookbook+无码高清
- Hands-On Machine Learning with Scikit-Learn an
- TensorFlow 官方文档中文版高清无码PD
- 基于tensorflow的深度学习图像分类案例
- 基于Tensorflow多层神经网络的MNIST手写
- TensorFlow Tutorial
- TensorFlow_2.0快速应用指南英文.tar
- tensorflow图像风格迁移代码
- TensorFlow Machine Learning Cookbook
- Learning TensorFlow: A Guide to Building Deep
- tensorflow271134
- TensorFlow for Machine Intelligence 书籍源码
- 《Hands-On Machine Learning with Scikit-Learn
- Building Machine Learning Projects with Tensor
- TensorFlow Powerful Predictive Analytics with
- 北大tensorflow学习笔记
- LSTMandRNN.zip
- 使用TensorFlow搭建智能开发系统,自动
- Packt.TensorFlow.Machine.Learning.Cookbook.201
- tensorflow深度学习CNN智能识别车牌
- Tensorflow GNN实战.zip
- tensorflow从入门到精通
- 深度卷积生成对抗网络TensorFlow代码实
- TensorFlow_中文手册
- siamese mnist 孪生网络
- TensorFlow 中文文档 1.8 掘金 2018.5.19
- Tensorflow(一)训练自己的数据集——
- libtensorflow_inference.so
- 使用TPU对104种花朵进行分类-东北大学
评论
共有 条评论