随笔分类 -  Python

上一页 1 ··· 7 8 9 10 11 12 13 14 15 下一页
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 阅读全文
posted @ 2021-06-28 10:11 西北逍遥 阅读(842) 评论(1) 推荐(0)
摘要:安装 pymysql (wind_2021) F:\PythonProject\ckf> (wind_2021) F:\PythonProject\ckf> (wind_2021) F:\PythonProject\ckf>pip install PyMysql Collecting PyMysql 阅读全文
posted @ 2021-06-12 21:03 西北逍遥 阅读(69) 评论(0) 推荐(0)
摘要: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 阅读全文
posted @ 2021-06-08 20:17 西北逍遥 阅读(72) 评论(0) 推荐(0)
摘要:python加载txt数据 矩阵 def loadDataKVSet(fileName): dataMat = [] fr = open(fileName,'r', encoding='utf-8') for line in fr.readlines(): curLine = line.strip( 阅读全文
posted @ 2021-06-05 21:31 西北逍遥 阅读(156) 评论(0) 推荐(0)
摘要:真实:[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. 阅读全文
posted @ 2021-06-02 21:24 西北逍遥 阅读(65) 评论(0) 推荐(0)
摘要:相关系数矩阵计算,忙里抽闲,加班加点,把这部分进度赶一赶,美丽的夏天开始了,这是在实验室的第五个夏天,每天的时间感觉都不够用,加油,不辜负每一天! import numpy as np import math def getPearsonMatrix(S_mat,thresholdValue): r 阅读全文
posted @ 2021-05-28 19:58 西北逍遥 阅读(2811) 评论(0) 推荐(0)
摘要:mapVar0 = sorted(mapVar.items(), key=lambda x: x[1], reverse=True) ################### 阅读全文
posted @ 2021-05-27 19:42 西北逍遥 阅读(125) 评论(0) 推荐(0)
摘要:python k-means F:\PythonProject\K-Means import pandas as pd import numpy as np from sklearn.preprocessing import StandardScaler from sklearn.model_sel 阅读全文
posted @ 2021-05-19 14:58 西北逍遥 阅读(100) 评论(0) 推荐(0)
摘要:yolov5 检测图片里面的对象 这是比较早的代码,偶尔碰见了打开看看,运行结果如下: import argparse import time from pathlib import Path import cv2 import torch import torch.backends.cudnn a 阅读全文
posted @ 2021-05-04 11:10 西北逍遥 阅读(1164) 评论(0) 推荐(0)
摘要:torch.nn.modules.module.py from collections import OrderedDict, namedtuple import itertools import warnings import functools import torch from ..param 阅读全文
posted @ 2021-04-25 20:34 西北逍遥 阅读(260) 评论(0) 推荐(0)
摘要:计算mAP """ Mask R-CNN Configurations and data loading code for MS COCO. Copyright (c) 2017 Matterport, Inc. Licensed under the MIT License (see LICENSE 阅读全文
posted @ 2021-04-24 14:04 西北逍遥 阅读(99) 评论(0) 推荐(0)
摘要:mask_rcnn调用训练好的模型 # -*- coding: utf-8 -*- import os import sys import random import math import numpy as np import skimage.io import matplotlib import 阅读全文
posted @ 2021-04-24 11:09 西北逍遥 阅读(322) 评论(0) 推荐(0)
摘要:class list class_names = ['bg','worker_helmet','worker_nohelmet','rebar_working','rebar_material', 'steel','concrete_pouring','formwork_working','form 阅读全文
posted @ 2021-04-24 10:50 西北逍遥 阅读(245) 评论(1) 推荐(0)
摘要:dataset prepare """Mask R-CNNCommon utility functions and classes. Copyright (c) 2017 Matterport, Inc.Licensed under the MIT License (see LICENSE for 阅读全文
posted @ 2021-04-23 15:04 西北逍遥 阅读(100) 评论(0) 推荐(0)
摘要:E:\Anaconda3\install\envs\wind_202104\lib\site-packages\skimage\transform\_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is no 阅读全文
posted @ 2021-04-19 14:53 西北逍遥 阅读(2081) 评论(0) 推荐(0)
摘要:No module named 'skimage' ModuleNotFoundError: No module named 'skimage' (wind_202104) F:\TensorflowProject\maks_rcnn_2018> (wind_202104) F:\Tensorflo 阅读全文
posted @ 2021-04-18 20:55 西北逍遥 阅读(1959) 评论(0) 推荐(0)
摘要:在anaconda中查看某个环境中的tensorflow是cpu还是gpu >>> import os >>> from tensorflow.python.client import device_lib >>> os.environ["TF_CPP_MIN_LOG_LEVEL"] = "99" 阅读全文
posted @ 2021-04-18 20:52 西北逍遥 阅读(713) 评论(0) 推荐(0)
摘要: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 阅读全文
posted @ 2021-04-16 14:04 西北逍遥 阅读(1497) 评论(0) 推荐(0)
摘要:ZT台式机 Tensorflow配置 1、安装Anaconda (最好不要安装在C盘) 安装参考:https://blog.csdn.net/weixin_50888378/article/details/109022585 2、安装Protoc ①解压protoc-3.11.4-win64.zip 阅读全文
posted @ 2021-04-15 07:47 西北逍遥 阅读(274) 评论(0) 推荐(0)
摘要:sklearn cluster KMeans class KMeans(TransformerMixin, ClusterMixin, BaseEstimator): """K-Means clustering. Read more in the :ref:`User Guide <k_means> 阅读全文
posted @ 2021-04-13 10:55 西北逍遥 阅读(1163) 评论(0) 推荐(0)

上一页 1 ··· 7 8 9 10 11 12 13 14 15 下一页