语义分割混淆矩阵、 mIoU、mPA计算

一、操作

#vx:桔子code / juzicode.com
import cv2 
img_gray = cv2.imread("nezha.jpg",cv2.IMREAD_GRAYSCALE)
for i in range(22):dst = cv2.applyColorMap(img_gray,i) cv2.imshow('map',dst) cv2.waitKey(500)cv2.imwrite("map-"+str(i)+".jpg",dst)

需要会调试代码的人自己改,小白直接运行会出错

这是我从自己的大文件里摘取的一部分代码,可以运行,只是要改的文件地址path比较多,遇到双引号“”的地址注意一下,不然地址不对容易出错

 把 calculate.py和 utiles_metrics.py放在同一文件夹下,然后运行 calculate.py。

二、理解

test_mIou,test_mPA,test_miou,test_mpa=compute_mIoU(gt_dir, pred_dir, image_ids, num_classes, name_classes,weight_name)  # 执行计算mIoU的函数

gt_dir 真实标签文件夹

pred_dir 预测结果文件夹

主要是这两个变量设置,后面的可以选择性修改

image_ids 文件名称 dirList(pred_dir,path_list) saveList(path_list) 这两个函数得到

num_classes 类别数

name_classes 类别名称

weight_name 权重名称

hist为混淆矩阵,mIoU为交并比

三、代码 

 calculate.py

# -*- coding: utf-8 -*-
import torch
import osfrom time import time
# from PIL import Image
from utils_metrics import compute_mIoU
def saveList(pathName):for file_name in pathName:#f=open("C:/Users/Administrator/Desktop/DeepGlobe-Road-Extraction-link34-py3/dataset/real/gt.txt", "x")with open("./dataset/gt.txt", "a") as f:f.write(file_name.split(".")[0] + "\n")f.closedef dirList(gt_dir,path_list):for i in range(0, len(path_list)):path = os.path.join(gt_dir, path_list[i])if os.path.isdir(path):saveList(os.listdir(path))data_path  = './dataset/'f=open("./dataset/gt.txt", 'w')
gt_dir      = os.path.join(data_path, "real/")
pred_dir    = "./submits/log01_Dink101_five_100/test_iou/iou_60u/"
path_list = os.listdir(pred_dir)
path_list.sort()
dirList(pred_dir,path_list)
saveList(path_list)
num_classes=2
name_classes    = ["nontarget","target"]
weight_name='log01_Dink101_five_100'
image_ids   = open(os.path.join(data_path, "gt.txt"),'r').read().splitlines() test_mIou,test_mPA,test_miou,test_mpa=compute_mIoU(gt_dir, pred_dir, image_ids, num_classes, name_classes,weight_name)  # 执行计算mIoU的函数
print('  test_mIoU:  '+str(test_miou))

 utiles_metrics.py

from os.path import joinimport numpy as np
import torch
import torch.nn.functional as F
from PIL import Image
import os
import cv2# from matplotlib import pyplot as plt
import shutil
import numpy as np
# from matplotlib.pyplot import MultipleLocatordef f_score(inputs, target, beta=1, smooth = 1e-5, threhold = 0.5):n, c, h, w = inputs.size()nt, ht, wt, ct = target.size()if h != ht and w != wt:inputs = F.interpolate(inputs, size=(ht, wt), mode="bilinear", align_corners=True)temp_inputs = torch.softmax(inputs.transpose(1, 2).transpose(2, 3).contiguous().view(n, -1, c),-1)temp_target = target.view(n, -1, ct)#--------------------------------------------##   计算dice系数#--------------------------------------------#temp_inputs = torch.gt(temp_inputs, threhold).float()tp = torch.sum(temp_target[...,:-1] * temp_inputs, axis=[0,1])fp = torch.sum(temp_inputs                       , axis=[0,1]) - tpfn = torch.sum(temp_target[...,:-1]              , axis=[0,1]) - tpscore = ((1 + beta ** 2) * tp + smooth) / ((1 + beta ** 2) * tp + beta ** 2 * fn + fp + smooth)score = torch.mean(score)return score# 设标签宽W,长H
def fast_hist(a, b, n):#--------------------------------------------------------------------------------##   a是转化成一维数组的标签,形状(H×W,);b是转化成一维数组的预测结果,形状(H×W,)#--------------------------------------------------------------------------------#k = (a >= 0) & (a < n)#--------------------------------------------------------------------------------##   np.bincount计算了从0到n**2-1这n**2个数中每个数出现的次数,返回值形状(n, n)#   返回中,写对角线上的为分类正确的像素点#--------------------------------------------------------------------------------#return np.bincount(n * a[k].astype(int) + b[k], minlength=n ** 2).reshape(n, n)  def per_class_iu(hist):return np.diag(hist) / np.maximum((hist.sum(1) + hist.sum(0) - np.diag(hist)), 1) def per_class_PA(hist):return np.diag(hist) / np.maximum(hist.sum(1), 1) def compute_mIoU(gt_dir, pred_dir, png_name_list, num_classes, name_classes,weight_name):  # print('Num classes', num_classes)  #-----------------------------------------##   创建一个全是0的矩阵,是一个混淆矩阵#-----------------------------------------#hist = np.zeros((num_classes, num_classes))#------------------------------------------------##   获得验证集标签路径列表,方便直接读取#   获得验证集图像分割结果路径列表,方便直接读取#------------------------------------------------#gt_imgs     = [join(gt_dir, x + ".png") for x in png_name_list]  pred_imgs   = [join(pred_dir, x + ".png") for x in png_name_list]  # building_iou=[]# background_iou=[]m_iou=[]# building_pa=[]# background_pa=[]m_pa=[]#------------------------------------------------##   读取每一个(图片-标签)对#------------------------------------------------#for ind in range(len(gt_imgs)): #------------------------------------------------##   读取一张图像分割结果,转化成numpy数组#------------------------------------------------#pred = np.array(Image.open(pred_imgs[ind]))#------------------------------------------------##   读取一张对应的标签,转化成numpy数组#------------------------------------------------#label = np.array(Image.open(gt_imgs[ind]))  # 如果图像分割结果与标签的大小不一样,这张图片就不计算if len(label.flatten()) != len(pred.flatten()):  print('Skipping: len(gt) = {:d}, len(pred) = {:d}, {:s}, {:s}'.format(len(label.flatten()), len(pred.flatten()), gt_imgs[ind],pred_imgs[ind]))continue#------------------------------------------------##   对一张图片计算21×21的hist矩阵,并累加#------------------------------------------------#a=label.flatten()a//=254b=pred.flatten()b//=254hist += fast_hist(a, b,num_classes)  # # 每计算10张就输出一下目前已计算的图片中所有类别平均的mIoU值# mIoUs   = per_class_iu(hist)# mPA     = per_class_PA(hist)# m_iou.append(100 * np.nanmean(mIoUs[1]))# m_pa.append(100 * np.nanmean(mPA[1]))# # if ind > 0 and ind % 10 == 0:  # #     print('{:d} / {:d}: mIou-{:0.2f}; mPA-{:0.2f}'.format(ind, len(gt_imgs),# #                                             100 * np.nanmean(mIoUs[1]),# #                                             100 * np.nanmean(mPA[1])))mIoUs   = per_class_iu(hist)mPA     = per_class_PA(hist)print(mIoUs)# plt.figure()# x=np.arange(len(m_iou))# plt.plot(x,m_iou)# plt.plot(x,m_pa)# plt.grid(True)# y_major_locator=MultipleLocator(10)#把y轴的刻度间隔设置为10,并存在变量里# ax = plt.gca()# ax.yaxis.set_major_locator(y_major_locator)# ax.set_ylim(0,100)# plt.xlabel('Order')# plt.ylabel('mIOU & mPA')# plt.legend(['mIOU','mPA'],loc="upper right")# targ=os.path.join(pred_dir,os.path.pardir)# plt.savefig(os.path.join(targ, weight_name[:-3]+"_sin_miou.png"))return m_iou,m_pa,str(round(mIoUs[1] * 100, 2)),str(round(mPA[1] * 100, 2))

调试

个人使用

import os
import shutil
data_path='./submits/log01_Dink101_five_100/test_iou/'
data=open(os.path.join(data_path, "log01_Dink101_five_100_excel.txt"),'r').read().splitlines()
valid_path='./dataset/valid/'
real_path='./dataset/real/'iou_100=os.path.join(data_path,'iou_60u/')
iou_80=os.path.join(data_path,'iou_60d/')if not os.path.exists(iou_100):os.mkdir(iou_100)os.mkdir(iou_80)for n in data:name=n.split()[1]iou=float(n.split()[2])if iou>=65:img_path=os.path.join(data_path,'87.650/'+name+'.png')shutil.copy(img_path,iou_100)print(name,iou)continueelse :img_path=os.path.join(data_path,'87.650/'+name+'.png')shutil.copy(img_path,iou_80)print(name,iou)continueprint('Finish')# -*- coding: utf-8 -*-
import torch
import osfrom time import time
# from PIL import Image
from utils.utils_metrics import compute_mIoU
from utils.utils_metrics import compute_IoU
def saveList(pathName):for file_name in pathName:#f=open("C:/Users/Administrator/Desktop/DeepGlobe-Road-Extraction-link34-py3/dataset/real/gt.txt", "x")with open("./dataset/gt.txt", "a") as f:f.write(file_name.split(".")[0] + "\n")f.closedef dirList(gt_dir,path_list):for i in range(0, len(path_list)):path = os.path.join(gt_dir, path_list[i])if os.path.isdir(path):saveList(os.listdir(path))data_path  = './dataset/'f=open("./dataset/gt.txt", 'w')
gt_dir      = os.path.join(data_path, "real/")
pred_dir    = "./submits/log01_Dink101_five_100/test_iou/iou_60u/"
path_list = os.listdir(pred_dir)
path_list.sort()
dirList(pred_dir,path_list)
saveList(path_list)
num_classes=2
name_classes    = ["nontarget","target"]
weight_name='log01_Dink101_five_100'
image_ids   = open(os.path.join(data_path, "gt.txt"),'r').read().splitlines() # compute_IoU(gt_dir, pred_dir, image_ids, num_classes, weight_name)
test_mIou,test_mPA,test_miou,test_mpa=compute_mIoU(gt_dir, pred_dir, image_ids, num_classes, name_classes,weight_name)  # 执行计算mIoU的函数
print('  test_mIoU:  '+str(test_miou))
from os.path import joinimport numpy as np
import torch
import torch.nn.functional as F
from PIL import Image
import os
import cv2# from matplotlib import pyplot as plt
import shutil
import numpy as np
# from matplotlib.pyplot import MultipleLocatordef f_score(inputs, target, beta=1, smooth = 1e-5, threhold = 0.5):n, c, h, w = inputs.size()nt, ht, wt, ct = target.size()if h != ht and w != wt:inputs = F.interpolate(inputs, size=(ht, wt), mode="bilinear", align_corners=True)temp_inputs = torch.softmax(inputs.transpose(1, 2).transpose(2, 3).contiguous().view(n, -1, c),-1)temp_target = target.view(n, -1, ct)#--------------------------------------------##   计算dice系数#--------------------------------------------#temp_inputs = torch.gt(temp_inputs, threhold).float()tp = torch.sum(temp_target[...,:-1] * temp_inputs, axis=[0,1])fp = torch.sum(temp_inputs                       , axis=[0,1]) - tpfn = torch.sum(temp_target[...,:-1]              , axis=[0,1]) - tpscore = ((1 + beta ** 2) * tp + smooth) / ((1 + beta ** 2) * tp + beta ** 2 * fn + fp + smooth)score = torch.mean(score)return score# 设标签宽W,长H
def fast_hist(a, b, n):#--------------------------------------------------------------------------------##   a是转化成一维数组的标签,形状(H×W,);b是转化成一维数组的预测结果,形状(H×W,)#--------------------------------------------------------------------------------#k = (a >= 0) & (a < n)#--------------------------------------------------------------------------------##   np.bincount计算了从0到n**2-1这n**2个数中每个数出现的次数,返回值形状(n, n)#   返回中,写对角线上的为分类正确的像素点#--------------------------------------------------------------------------------#return np.bincount(n * a[k].astype(int) + b[k], minlength=n ** 2).reshape(n, n)  def per_class_iu(hist):return np.diag(hist) / np.maximum((hist.sum(1) + hist.sum(0) - np.diag(hist)), 1) def per_class_PA(hist):return np.diag(hist) / np.maximum(hist.sum(1), 1) def compute_IoU(gt_dir, pred_dir, png_name_list, num_classes,weight_name):  # print('Num classes')  #-----------------------------------------##   创建一个全是0的矩阵,是一个混淆矩阵#-----------------------------------------## hist = np.zeros((num_classes, num_classes))#------------------------------------------------##   获得验证集标签路径列表,方便直接读取#   获得验证集图像分割结果路径列表,方便直接读取#------------------------------------------------#gt_imgs     = [join(gt_dir, x + "_mask.png") for x in png_name_list]  pred_imgs   = [join(pred_dir, x + ".png") for x in png_name_list]  m_iou=[]m_pa=[]hist_save=[] #------------------------------------------------##   读取每一个(图片-标签)对#------------------------------------------------#for ind in range(len(gt_imgs)): #------------------------------------------------##   读取一张图像分割结果,转化成numpy数组#------------------------------------------------#pred = np.array(Image.open(pred_imgs[ind]).convert('L'))# pred = pred/255#------------------------------------------------##   读取一张对应的标签,转化成numpy数组#------------------------------------------------#label = np.array(Image.open(gt_imgs[ind]).convert('L'))  # label = label/255# 如果图像分割结果与标签的大小不一样,这张图片就不计算if len(label.flatten()) != len(pred.flatten()):  print('Skipping: len(gt) = {:d}, len(pred) = {:d}, {:s}, {:s}'.format(len(label.flatten()), len(pred.flatten()), gt_imgs[ind],pred_imgs[ind]))continue#------------------------------------------------##   对一张图片计算21×21的hist矩阵,并累加#------------------------------------------------#a=label.flatten()a//=254# for i in range(len(a)):#     a[i]=a[i]/255b=pred.flatten()b//=254# for i in range(len(b)):#     b[i]=b[i]/255hist = fast_hist(a, b,num_classes)  # 每计算10张就输出一下目前已计算的图片中所有类别平均的mIoU值mIoUs   = per_class_iu(hist)mPA     = per_class_PA(hist)mIoU_one = 100 * np.nanmean(mIoUs[1])mPA_one = 100 * np.nanmean(mPA[1])# if mIoU_one<80:#     shutil.copy(pred_imgs[ind],lower_iou)#     count=count+1# else:#     shutil.copy(pred_imgs[ind],higher_iou)img_name= png_name_list[ind]# if ind > 0 and ind % 10 == 0:  #print('{:d}  {}: Iou-{:0.2f}; PA-{:0.2f}'.format(ind,img_name,mIoU_one,mPA_one))#print(hist)m_iou.append(100 * np.nanmean(mIoUs[1]))m_pa.append(100 * np.nanmean(mPA[1]))hist_save.append(hist)targ=os.path.join(pred_dir,os.path.pardir)if ind==0:with open(os.path.join(targ, weight_name[:-3]+'.txt'),'w') as f:f.write(str(ind) +'  '+ str(img_name) +'   ')f.write('Iou:'+str(round(mIoU_one,2))+'  '+'PA:'+str(round(mPA_one,2))+'\n')f.write('                   '+'['+str(hist[0,0])+'   '+str(hist[0,1])+'\n')f.write('                   '+' '+str(hist[1,0])+'   '+str(hist[1,1])+']'+'\n')with open(os.path.join(targ, weight_name[:-3]+'_excel.txt'),'w') as f:f.write(str(ind) +'  '+ str(img_name) +'   ')f.write(str(round(mIoU_one,2))+'  '+str(round(mPA_one,2))+'\n')else:with open(os.path.join(targ, weight_name[:-3]+'.txt'),'a') as f:f.write(str(ind) +'  '+ str(img_name) +'   ')f.write('Iou:'+str(round(mIoU_one,2))+'  '+'PA:'+str(round(mPA_one,2))+'\n')f.write('                   '+'['+str(hist[0,0])+'   '+str(hist[0,1])+'\n')f.write('                   '+' '+str(hist[1,0])+'   '+str(hist[1,1])+']'+'\n')with open(os.path.join(targ, weight_name[:-3]+'_excel.txt'),'a') as f:f.write(str(ind) +'  '+ str(img_name) +'   ')f.write(str(round(mIoU_one,2))+'  '+str(round(mPA_one,2))+'\n')'''plt.figure()x=np.arange(len(m_iou))plt.plot(x,m_iou)plt.plot(x,m_pa)plt.grid(True)plt.xlabel('Order')plt.ylabel('test mIOU & mPA')plt.legend(['mIOU','mPA'],loc="upper right")plt.savefig(os.path.join(pred_dir[0:-13], weight_name[:-3]+"_test_iou.png"))'''def compute_mIoU(gt_dir, pred_dir, png_name_list, num_classes, name_classes,weight_name):  # print('Num classes', num_classes)  #-----------------------------------------##   创建一个全是0的矩阵,是一个混淆矩阵#-----------------------------------------#hist = np.zeros((num_classes, num_classes))#------------------------------------------------##   获得验证集标签路径列表,方便直接读取#   获得验证集图像分割结果路径列表,方便直接读取#------------------------------------------------#gt_imgs     = [join(gt_dir, x + "_mask.png") for x in png_name_list]  pred_imgs   = [join(pred_dir, x + ".png") for x in png_name_list]  # building_iou=[]# background_iou=[]m_iou=[]# building_pa=[]# background_pa=[]m_pa=[]#------------------------------------------------##   读取每一个(图片-标签)对#------------------------------------------------#for ind in range(len(gt_imgs)): #------------------------------------------------##   读取一张图像分割结果,转化成numpy数组#------------------------------------------------#pred = np.array(Image.open(pred_imgs[ind]).convert('L'))#------------------------------------------------##   读取一张对应的标签,转化成numpy数组#------------------------------------------------#label = np.array(Image.open(gt_imgs[ind]).convert('L'))  # 如果图像分割结果与标签的大小不一样,这张图片就不计算if len(label.flatten()) != len(pred.flatten()):  print('Skipping: len(gt) = {:d}, len(pred) = {:d}, {:s}, {:s}'.format(len(label.flatten()), len(pred.flatten()), gt_imgs[ind],pred_imgs[ind]))continue#------------------------------------------------##   对一张图片计算21×21的hist矩阵,并累加#------------------------------------------------#a=label.flatten()a//=254b=pred.flatten()b//=254hist += fast_hist(a, b,num_classes)  # # 每计算10张就输出一下目前已计算的图片中所有类别平均的mIoU值# mIoUs   = per_class_iu(hist)# mPA     = per_class_PA(hist)# m_iou.append(100 * np.nanmean(mIoUs[1]))# m_pa.append(100 * np.nanmean(mPA[1]))# # if ind > 0 and ind % 10 == 0:  # #     print('{:d} / {:d}: mIou-{:0.2f}; mPA-{:0.2f}'.format(ind, len(gt_imgs),# #                                             100 * np.nanmean(mIoUs[1]),# #                                             100 * np.nanmean(mPA[1])))print(hist)mIoUs   = per_class_iu(hist)mPA     = per_class_PA(hist)print(mIoUs)# plt.figure()# x=np.arange(len(m_iou))# plt.plot(x,m_iou)# plt.plot(x,m_pa)# plt.grid(True)# y_major_locator=MultipleLocator(10)#把y轴的刻度间隔设置为10,并存在变量里# ax = plt.gca()# ax.yaxis.set_major_locator(y_major_locator)# ax.set_ylim(0,100)# plt.xlabel('Order')# plt.ylabel('mIOU & mPA')# plt.legend(['mIOU','mPA'],loc="upper right")# targ=os.path.join(pred_dir,os.path.pardir)# plt.savefig(os.path.join(targ, weight_name[:-3]+"_sin_miou.png"))return m_iou,m_pa,str(round(mIoUs[1] * 100, 2)),str(round(mPA[1] * 100, 2))

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/1267.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

解决yolo3目标检测训练过程中train.py运行问题

yolo3是一种广泛使用的目标检测算法&#xff0c;它在计算机视觉领域具有很高的准确率和性能。然而&#xff0c;在使用yolo3进行目标检测训练时&#xff0c;有时会出现train.py运行问题。本文将探讨如何解决这个问题。 首先&#xff0c;让我们了解一下训练过程中可能遇到的常见…

5G全网通工业三防平板Windows移动电脑

当今科技领域的快速发展为我们的生活带来了许多便利和高效性能。在这个数字化时代&#xff0c;移动设备已成为我们生活的重要组成部分。在这一领域&#xff0c;搭载全新第12代英特尔酷睿Mi5-1235U/i7-1255U处理器的工业三防平板Windows移动电脑无疑是一款引人注目的产品。 这款…

SpringBoot第22讲:SpringBoot如何实现接口限流之分布式

SpringBoot第22讲&#xff1a;SpringBoot如何实现接口限流之分布式 上文中介绍了单实例下如何在业务接口层做限流&#xff0c;本文是SpringBoot第22讲&#xff0c;主要介绍分布式场景下限流的方案&#xff0c;以及什么样的分布式场景下需要在业务层加限流而不是接入层; 并且结合…

无法找到docker.sock

os环境&#xff1a;麒麟v10(申威) 问题描述&#xff1a; systemctl start docker 然后无法使用docker [rootnode2 ~]# systemctl restart docker [rootnode2 ~]# docker ps Cannot connect to the Docker daemon at unix:///var/run/docker.sock. Is the docker daemon r…

vue3使用下载附件功能

效果&#xff1a; 点击即可以下载打开。 代码&#xff1a; <div v-show"item.attachment.length > 0"><h3>下载附件</h3><divv-for"(doc, docIndex) in item.attachment":key"docIndex"><astyle"color: #41…

关键路径alg

1. 无法使用 最佳路径搜索&#xff08;一&#xff09;&#xff1a;盲目搜索&#xff08;深度优先dfs&#xff0c;广度优先bfs&#xff0c;深度限制&#xff0c;迭代加深&#xff09; 分析&#xff1a;前提条件&#xff1a;二叉树&#xff0c;每个节点只能最多两个子节点 2. 关…

windows下软件推荐

起源与目的 选择任何一个系统作为主力系统都是要好好考虑的。 在去年新买了一块1T的SSD后&#xff0c;就好好想了想这个问题。 Arch Linux, Ubuntu, Windows, macOS, deepin都是在考虑范围的。 不过我考虑到使用体验&#xff0c;最终还是选择了windows。 不选择macOS主要是不喜…

技术架构的演进-八大架构

目录&#xff1a; 常见概念评价指标单机架构应用数据分离架构应用服务集群架构读写分离 / 主从分离架构引入缓存 —— 冷热分离架构垂直分库业务拆分 —— 微服务容器化引入——容器编排架构总结 1.常见概念&#xff1a; 应用&#xff08;Application&#xff09; / 系统&am…

栈的压入、弹出序列

链接: 栈的压入、弹出序列 class Solution { public:/*** 代码中的类名、方法名、参数名已经指定&#xff0c;请勿修改&#xff0c;直接返回方法规定的值即可** * param pushV int整型vector * param popV int整型vector * return bool布尔型*/bool IsPopOrder(vector<int…

centos 安装 libjpeg

需求&#xff1a; libjpeg.so.8: cannot open shared object file: No such file or directory服务用到 libjpeg 但是centos 没有libjepg9 只有 libjped-turbo 进程&#xff1a; yum 不能直接安装那就只能自己编译了进入下载包地址 Independent JPEG Group下载对应的tar 包 …

zeppelin的hive使用

zeppelin的hive使用 配置项 default.driver org.apache.hive.jdbc.HiveDriver default.url jdbc:hive2://192.168.xxx.xxx:10000 default.user hiveHive使用&#xff1a;点击create new note Default Interpreter选择hive

生命周期函数和wxs脚本

生命周期函数和wxs脚本 1. 生命周期函数1.1. 应用的生命周期函数1.2. 页面的生命周期函数 2. wxs脚本2.1. wxs与JavaScript的关系2.2. wxs内嵌脚本2.3. wxs外联脚本2.4. tips 1. 生命周期函数 1.1. 应用的生命周期函数 应用的生命周期函数&#xff1a;指小程序从启动 -> 运…

TCP编程流程和粘包

目录 1、TCP编程流程 2、粘包 1、TCP编程流程 socket() 是创建套接字&#xff0c;返回值为监听套接字描述符&#xff0c;有了套接字才能通过网络进行数据的传输。创建套接字的参数要指定服务类型&#xff0c;TCP协议使用的是流式服务&#xff08;SOCK_STREAM&#xff09;。 b…

数据库系统 - 家庭教育平台设计开发

目录 1.绪论 1.1项目背景 1.2家庭教育平台的发展现状与优势 1.2.1国内外发展现状 1.2.2家庭教育平台的优势 2.需求分析 2.1可行性分析 2.1.1经济可行性 2.1.2 技术可行性 2.1.3操作可行性 2.2系统功能 2.2.1 家庭教育资源 2.2.2 家庭教育指导师 2.2.3家庭教育咨询…

分享一道字节跳动后端面试算法题

题目&#xff1a; 给你一个字符串s&#xff0c;可以将任意一个字符转为任意一个小写字符&#xff0c;这个操作可有m次&#xff0c;问转化后的字符串中最长的相等子串长度。 案例&#xff1a; s"abcdac" &#xff0c;m2&#xff0c;2次操作&#xff0c;可以转化为&…

BUG解决Button类不能从UnityEngine.UI中引用

Button does not contain a definition for onClick and no accessible extension method onClick accepting a first argument of type Button could be found (are you missing a using directive or an assembly reference?) 一个非常奇葩的问题;突然!!!!! using UnityEn…

redis如何实现持久化

RDB快照 RDB是一种快照存储持久化方式&#xff0c;具体就是将Redis某一时刻的内存数据保存到硬盘的文件当中&#xff0c;默认保存的文件名为dump.rdb&#xff0c;而在Redis服务器启动时&#xff0c;会重新加载dump.rdb文件的数据到内存当中恢复数据。 开启RDB持久化方式 开启…

AWS MSK集群认证和加密传输的属性与配置

通常&#xff0c;身份认证和加密传输是两项不相关的安全配置&#xff0c;在Kafka/MSK上&#xff0c;身份认证和加密传输是有一些耦合关系的&#xff0c;重点是&#xff1a;对于MSK来说&#xff0c;当启用IAM, SASL/SCRAM以及TLS三种认证方式时&#xff0c;TLS加密传输是必须的&…

react+jest+enzyme配置及编写前端单元测试UT

原文合集地址如下&#xff0c;有需要的朋友可以关注 本文地址 合集地址 文章目录 安装及配置enzyme渲染测试技巧一、常见测试二、触发ant design组件三、使用redux组件四、使用路由的组件五、mock接口网络请求六、mock不需要的子组件 安装及配置 安装相关库&#xff1a; 首先…

Ubuntu开机自启动设置

一、创建执行脚本 这里有两个程序所以编写了两个脚本&#xff0c;第一脚本(master.sh)&#xff1a; gnome-terminal -- bash -c "source /home/zyy/anaconda3/bin/activate wood2;cd /home/zyy/pycharmProject/master_program;python main.py > /home/zyy/pycharmProj…