-
大小: 4KB文件类型: .py金币: 2下载: 1 次发布日期: 2021-01-10
- 语言: Python
- 标签: 计算miou tensorflow miou代码
资源简介
# 执行命令:
python miou.py --labels=D:/.../labels --pred=D:/../infer
# 其中 --labels 为标注图片路径 --pred 为预测出的图片路径
# 最终结果会打印输出,也会在同级目录下,生成一个txt文档,保存各个类别 iou
# 操作极为简单
代码片段和文件信息
# 执行命令:
# python miou.py --labels=D:/.../labels --pred=D:/../infer
# 其中 --labels 为标注图片路径 --pred 为预测出的图片路径
# 会在同级目录下,生成一个txt文档,保存各个类别 iou
import argparse
import glob
import imageio
import numpy as np
import os
import tensorflow as tf
import time
import pandas as pd
import seaborn as sn
import matplotlib.pyplot as plt
from matplotlib import gridspec
from datetime import datetime
from tensorflow.python.client import device_lib
from socket import gethostname
import itertools
def _calc_metrics(predictions labels n_classes):
with tf.variable_scope(“metrics“):
mean_iou mean_iou_op = tf.metrics.mean_iou(
labels=labels
predictions=predictions
num_classes=n_classes
name=‘my_miou‘)
conf_m
相关资源
- tensorflow制作自己的灰度图像数据集并
- anaconda下安装tensorflow(注:不同版本
- 北京大学曹健老师-人工智能实践:
- Deep Learning With Python - Jason Brownlee
- Python-自然场景文本检测PSENet的一个
- Python-高效准确的EAST文本检测器的一个
- Python-TensorFlow弱监督图像分割
- Python-基于tensorflow实现的用textcnn方法
- Python-subpixel利用Tensorflow的一个子像素
- 【官方文档】TensorFlow Python API docume
-
tensorflow画风迁移代码 st
yle transfer - 简单粗暴 TensorFlow
- [PDF] Reinforcement Learning With Open AI Tens
- tensorflow目标检测代码
- 基于Python的手写字体识别系统
- 基于Tensorflow的人脸识别源码
- python TensorFlow 官方文档中文版
- Python-在TensorFlow中实现实现图像卷积网
- tensorflow-1.9.0-cp37-cp37m-win_amd64.whl
- Faster-RCNN-TensorFlow-Python3.5-master
- 聊天机器人tensorflow
- caffe模型转化为tensorflow模型
- Python-一个非常简单的BiLSTMCRF模型用于
- Python-Tensorflow仿AlphaGo框架实现的AI围棋
- Mask R-CNN源码(TensorFlow版本)
- 基于python3 tensorflow DBN_and_RNN的实现
- tensorflow-0.8.0-cp34-cp34m-linux_x86_64.whl
- Hands-On Machine Learning with Scikit-Learn an
- python3中文识别词库模型
- tensorflow -1.4-py2.7 -cpu 版本
评论
共有 条评论