随笔分类 - Python
Python zone
摘要:yolov5单图片检测 import argparse import time from pathlib import Path import cv2 import torch import torch.backends.cudnn as cudnn from numpy import random
阅读全文
摘要:安装 pymysql (wind_2021) F:\PythonProject\ckf> (wind_2021) F:\PythonProject\ckf> (wind_2021) F:\PythonProject\ckf>pip install PyMysql Collecting PyMysql
阅读全文
摘要:python numpy 矩阵 from numpy import *; import numpy as np; randomMat1=np.matrix([0.26358242,0.35134772,0.43263799,2.87872261]); mul1 = np.matrix([100,15
阅读全文
摘要:python加载txt数据 矩阵 def loadDataKVSet(fileName): dataMat = [] fr = open(fileName,'r', encoding='utf-8') for line in fr.readlines(): curLine = line.strip(
阅读全文
摘要:真实:[1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1. 2. 3. 1.
阅读全文
摘要:相关系数矩阵计算,忙里抽闲,加班加点,把这部分进度赶一赶,美丽的夏天开始了,这是在实验室的第五个夏天,每天的时间感觉都不够用,加油,不辜负每一天! import numpy as np import math def getPearsonMatrix(S_mat,thresholdValue): r
阅读全文
摘要:mapVar0 = sorted(mapVar.items(), key=lambda x: x[1], reverse=True) ###################
阅读全文
摘要:python k-means F:\PythonProject\K-Means import pandas as pd import numpy as np from sklearn.preprocessing import StandardScaler from sklearn.model_sel
阅读全文
摘要:yolov5 检测图片里面的对象 这是比较早的代码,偶尔碰见了打开看看,运行结果如下: import argparse import time from pathlib import Path import cv2 import torch import torch.backends.cudnn a
阅读全文
摘要:torch.nn.modules.module.py from collections import OrderedDict, namedtuple import itertools import warnings import functools import torch from ..param
阅读全文
摘要:计算mAP """ Mask R-CNN Configurations and data loading code for MS COCO. Copyright (c) 2017 Matterport, Inc. Licensed under the MIT License (see LICENSE
阅读全文
摘要:mask_rcnn调用训练好的模型 # -*- coding: utf-8 -*- import os import sys import random import math import numpy as np import skimage.io import matplotlib import
阅读全文
摘要:class list class_names = ['bg','worker_helmet','worker_nohelmet','rebar_working','rebar_material', 'steel','concrete_pouring','formwork_working','form
阅读全文
摘要:dataset prepare """Mask R-CNNCommon utility functions and classes. Copyright (c) 2017 Matterport, Inc.Licensed under the MIT License (see LICENSE for
阅读全文
摘要:E:\Anaconda3\install\envs\wind_202104\lib\site-packages\skimage\transform\_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is no
阅读全文
摘要:No module named 'skimage' ModuleNotFoundError: No module named 'skimage' (wind_202104) F:\TensorflowProject\maks_rcnn_2018> (wind_202104) F:\Tensorflo
阅读全文
摘要:在anaconda中查看某个环境中的tensorflow是cpu还是gpu >>> import os >>> from tensorflow.python.client import device_lib >>> os.environ["TF_CPP_MIN_LOG_LEVEL"] = "99"
阅读全文
摘要:def plot_one_box3(x1,y1,x2,y2, img, color=None, label=None, line_thickness=None): # Plots one bounding box on image img tl = line_thickness or round(0
阅读全文
摘要:ZT台式机 Tensorflow配置 1、安装Anaconda (最好不要安装在C盘) 安装参考:https://blog.csdn.net/weixin_50888378/article/details/109022585 2、安装Protoc ①解压protoc-3.11.4-win64.zip
阅读全文
摘要:sklearn cluster KMeans class KMeans(TransformerMixin, ClusterMixin, BaseEstimator): """K-Means clustering. Read more in the :ref:`User Guide <k_means>
阅读全文