随笔分类 - Anaconda
摘要:yolov5 检测图片里面的对象 这是比较早的代码,偶尔碰见了打开看看,运行结果如下: import argparse import time from pathlib import Path import cv2 import torch import torch.backends.cudnn a
阅读全文
摘要:win10 cuda11.1 paddlepaddle-gpu (base) F:\> (base) F:\> (base) F:\> (base) F:\>conda create -n wind_paddle python==3.7 Collecting package metadata (cu
阅读全文
摘要: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
阅读全文
摘要:zzt笔记本环境配置 done # # To activate this environment, use # # $ conda activate wind_2021 # # To deactivate an active environment, use # # $ conda deactiva
阅读全文
摘要: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"
阅读全文
摘要: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>
阅读全文
摘要:tensorflow cpu 1.8 (base) F:\> (base) F:\> (base) F:\>conda create wind_202104 python=3.7 CondaValueError: The target prefix is the base prefix. Abort
阅读全文
摘要:测试 (wind_202103) F:\TensorflowProject\models-master\research>python object_detection/model_lib_tf2_test.py 2021-04-12 14:24:31.834620: I tensorflow/st
阅读全文
摘要:6号笔记本环境配置 done # # To activate this environment, use # # $ conda activate wind_202103 # # To deactivate an active environment, use # # $ conda deactiv
阅读全文
摘要:遍历文件 import os path="E:\\BaiduNetdiskDownload\\result_2021040501" ''' E:\BaiduNetdiskDownload\result_2021040501\0061-01.txt E:\BaiduNetdiskDownload\re
阅读全文
摘要:yolov5测试 import argparse import time from pathlib import Path import cv2 import torch import torch.backends.cudnn as cudnn from numpy import random im
阅读全文
摘要:win10 anaconda tensorflow gpu openpose done # # To activate this environment, use # # $ conda activate wind_202102 # # To deactivate an active environ
阅读全文
摘要:python realsense 测试 color_image2=cv2.resize(color_image,(424,240)) out2=cv2.resize(out,(424,240)) show_img = np.vstack((color_image2,out2))
阅读全文
摘要:source activate flappbird /home/luo/Desktop/MyFile/Mask_RCNN_Openpose_Realsense python realsense_mask_openpose_2019090801.py
阅读全文