1234567891011121314151617181920212223242526272829303132333435363738394041424344454647484950515253545556575859606162636465666768697071727374757677787980818283848586878889909192939495969798991001011021031041051061071081091101111121131141151161171181191201211221231241251261271281291301311321331341351361371381391401411421431441451461471481491501511521531541551561571581591601611621631641651661671681691701711721731741751761771781791801811821831841851861871881891901911921931941951961971981992002012022032042052062072082092102112122132142152162172182192202212222232242252262272282292302312322332342352362372382392402412422432442452462472482492502512522532542552562572582592602612622632642652662672682692702712722732742752762772782792802812822832842852862872882892902912922932942952962972982993003013023033043053063073083093103113123133143153163173183193203213223233243253263273283293303313323333343353363373383393403413423433443453463473483493503513523533543553563573583593603613623633643653663673683693703713723733743753763773783793803813823833843853863873883893903913923933943953963973983994004014024034044054064074084094104114124134144154164174184194204214224234244254264274284294304314324334344354364374384394404414424434444454464474484494504514524534544554564574584594604614624634644654664674684694704714724734744754764774784794804814824834844854864874884894904914924934944954964974984995005015025035045055065075085095105115125135145155165175185195205215225235245255265275285295305315325335345355365375385395405415425435445455465475485495505515525535545555565575585595605615625635645655665675685695705715725735745755765775785795805815825835845855865875885895905915925935945955965975985996006016026036046056066076086096106116126136146156166176186196206216226236246256266276286296306316326336346356366376386396406416426436446456466476486496506516526536546556566576586596606616626636646656666676686696706716726736746756766776786796806816826836846856866876886896906916926936946956966976986997007017027037047057067077087097107117127137147157167177187197207217227237247257267277287297307317327337347357367377387397407417427437447457467477487497507517527537547557567577587597607617627637647657667677687697707717727737747757767777787797807817827837847857867877887897907917927937947957967977987998008018028038048058068078088098108118128138148158168178188198208218228238248258268278288298308318328338348358368378388398408418428438448458468478488498508518528538548558568578588598608618628638648658668678688698708718728738748758768778788798808818828838848858868878888898908918928938948958968978988999009019029039049059069079089099109119129139149159169179189199209219229239249259269279289299309319329339349359369379389399409419429439449459469479489499509519529539549559569579589599609619629639649659669679689699709719729739749759769779789799809819829839849859869879889899909919929939949959969979989991000100110021003100410051006100710081009101010111012101310141015101610171018101910201021102210231024102510261027102810291030103110321033103410351036103710381039104010411042104310441045104610471048104910501051105210531054105510561057105810591060106110621063106410651066106710681069107010711072107310741075107610771078107910801081108210831084108510861087108810891090109110921093109410951096109710981099110011011102110311041105110611071108110911101111111211131114111511161117111811191120112111221123112411251126112711281129113011311132113311341135113611371138113911401141114211431144114511461147114811491150115111521153115411551156115711581159116011611162116311641165116611671168116911701171117211731174117511761177117811791180118111821183118411851186118711881189119011911192119311941195119611971198119912001201120212031204120512061207120812091210121112121213121412151216121712181219122012211222122312241225122612271228122912301231123212331234123512361237123812391240124112421243124412451246124712481249125012511252125312541255125612571258125912601261126212631264126512661267126812691270127112721273127412751276127712781279128012811282128312841285128612871288128912901291129212931294129512961297129812991300130113021303130413051306130713081309131013111312131313141315131613171318131913201321132213231324132513261327132813291330133113321333133413351336133713381339134013411342134313441345134613471348134913501351135213531354135513561357135813591360136113621363136413651366136713681369137013711372137313741375137613771378137913801381138213831384138513861387138813891390139113921393139413951396139713981399140014011402140314041405140614071408140914101411141214131414141514161417141814191420142114221423142414251426142714281429143014311432143314341435143614371438143914401441144214431444144514461447144814491450145114521453145414551456145714581459146014611462146314641465146614671468146914701471147214731474147514761477147814791480148114821483148414851486148714881489149014911492149314941495149614971498149915001501150215031504150515061507150815091510151115121513151415151516151715181519152015211522152315241525152615271528152915301531153215331534153515361537153815391540154115421543154415451546154715481549155015511552155315541555 |
- """
- General utils
- """
- import contextlib
- import glob
- import inspect
- import logging
- import logging.config
- import math
- import os
- import platform
- import random
- import re
- import signal
- import subprocess
- import sys
- import time
- import urllib
- from copy import deepcopy
- from datetime import datetime
- from itertools import repeat
- from multiprocessing.pool import ThreadPool
- from pathlib import Path
- from subprocess import check_output
- from tarfile import is_tarfile
- from typing import Optional
- from zipfile import ZipFile, is_zipfile
- from torchvision import transforms
- from PIL import Image
- import cv2
- import numpy as np
- import pandas as pd
- import pkg_resources as pkg
- import torch
- import torchvision
- import yaml
- import requests
- from ultralytics.utils.checks import check_requirements
- from ultralytics.data.augment import classify_transforms
- from utils import TryExcept, emojis
- from utils.downloads import curl_download, gsutil_getsize
- from utils.metrics import box_iou, fitness
- FILE = Path(__file__).resolve()
- ROOT = FILE.parents[1]
- RANK = int(os.getenv('RANK', -1))
- import transforms as trans
- NUM_THREADS = min(8, max(1, os.cpu_count() - 1))
- DATASETS_DIR = Path(os.getenv('YOLOv5_DATASETS_DIR', ROOT.parent / 'datasets'))
- AUTOINSTALL = str(os.getenv('YOLOv5_AUTOINSTALL', True)).lower() == 'true'
- VERBOSE = str(os.getenv('YOLOv5_VERBOSE', True)).lower() == 'true'
- TQDM_BAR_FORMAT = '{l_bar}{bar:10}{r_bar}'
- FONT = 'Arial.ttf'
- torch.set_printoptions(linewidth=320, precision=5, profile='long')
- np.set_printoptions(linewidth=320, formatter={'float_kind': '{:11.5g}'.format})
- pd.options.display.max_columns = 10
- cv2.setNumThreads(0)
- os.environ['NUMEXPR_MAX_THREADS'] = str(NUM_THREADS)
- os.environ['OMP_NUM_THREADS'] = '1' if platform.system() == 'darwin' else str(NUM_THREADS)
- os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'
- mean, std = [0.485, 0.456, 0.406], [0.229, 0.224, 0.225]
- test = transforms.Compose([transforms.Resize((224,224)),
-
- transforms.ToTensor(),
- transforms.Normalize(mean=mean, std=std)
- ])
- v8transforms = classify_transforms(64)
- transforma = trans.Compose([
- trans.Scale((224, 224)),
- transforms.ToTensor(),
- transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225]),
- ])
- def is_ascii(s=''):
-
- s = str(s)
- return len(s.encode().decode('ascii', 'ignore')) == len(s)
- def is_chinese(s='人工智能'):
-
- return bool(re.search('[\u4e00-\u9fff]', str(s)))
- def is_colab():
-
- return 'google.colab' in sys.modules
- def is_jupyter():
- """
- Check if the current script is running inside a Jupyter Notebook.
- Verified on Colab, Jupyterlab, Kaggle, Paperspace.
- Returns:
- bool: True if running inside a Jupyter Notebook, False otherwise.
- """
- with contextlib.suppress(Exception):
- from IPython import get_ipython
- return get_ipython() is not None
- return False
- def is_kaggle():
-
- return os.environ.get('PWD') == '/kaggle/working' and os.environ.get('KAGGLE_URL_BASE') == 'https://www.kaggle.com'
- def is_docker() -> bool:
- """Check if the process runs inside a docker container."""
- if Path('/.dockerenv').exists():
- return True
- try:
- with open('/proc/self/cgroup') as file:
- return any('docker' in line for line in file)
- except OSError:
- return False
- def is_writeable(dir, test=False):
-
- if not test:
- return os.access(dir, os.W_OK)
- file = Path(dir) / 'tmp.txt'
- try:
- with open(file, 'w'):
- pass
- file.unlink()
- return True
- except OSError:
- return False
- LOGGING_NAME = 'yolov5'
- def set_logging(name=LOGGING_NAME, verbose=True):
-
- rank = int(os.getenv('RANK', -1))
- level = logging.INFO if verbose and rank in {-1, 0} else logging.ERROR
- logging.config.dictConfig({
- 'version': 1,
- 'disable_existing_loggers': False,
- 'formatters': {
- name: {
- 'format': '%(message)s'}},
- 'handlers': {
- name: {
- 'class': 'logging.StreamHandler',
- 'formatter': name,
- 'level': level, }},
- 'loggers': {
- name: {
- 'level': level,
- 'handlers': [name],
- 'propagate': False, }}})
- set_logging(LOGGING_NAME)
- LOGGER = logging.getLogger(LOGGING_NAME)
- if platform.system() == 'Windows':
- for fn in LOGGER.info, LOGGER.warning:
- setattr(LOGGER, fn.__name__, lambda x: fn(emojis(x)))
- def user_config_dir(dir='Ultralytics', env_var='YOLOV5_CONFIG_DIR'):
-
- env = os.getenv(env_var)
- if env:
- path = Path(env)
- else:
- cfg = {'Windows': 'AppData/Roaming', 'Linux': '.config', 'Darwin': 'Library/Application Support'}
- path = Path.home() / cfg.get(platform.system(), '')
- path = (path if is_writeable(path) else Path('/tmp')) / dir
- path.mkdir(exist_ok=True)
- return path
- CONFIG_DIR = user_config_dir()
- class Profile(contextlib.ContextDecorator):
-
- def __init__(self, t=0.0):
- self.t = t
- self.cuda = torch.cuda.is_available()
- def __enter__(self):
- self.start = self.time()
- return self
- def __exit__(self, type, value, traceback):
- self.dt = self.time() - self.start
- self.t += self.dt
- def time(self):
- if self.cuda:
- torch.cuda.synchronize()
- return time.time()
- class Timeout(contextlib.ContextDecorator):
-
- def __init__(self, seconds, *, timeout_msg='', suppress_timeout_errors=True):
- self.seconds = int(seconds)
- self.timeout_message = timeout_msg
- self.suppress = bool(suppress_timeout_errors)
- def _timeout_handler(self, signum, frame):
- raise TimeoutError(self.timeout_message)
- def __enter__(self):
- if platform.system() != 'Windows':
- signal.signal(signal.SIGALRM, self._timeout_handler)
- signal.alarm(self.seconds)
- def __exit__(self, exc_type, exc_val, exc_tb):
- if platform.system() != 'Windows':
- signal.alarm(0)
- if self.suppress and exc_type is TimeoutError:
- return True
- class WorkingDirectory(contextlib.ContextDecorator):
-
- def __init__(self, new_dir):
- self.dir = new_dir
- self.cwd = Path.cwd().resolve()
- def __enter__(self):
- os.chdir(self.dir)
- def __exit__(self, exc_type, exc_val, exc_tb):
- os.chdir(self.cwd)
- def methods(instance):
-
- return [f for f in dir(instance) if callable(getattr(instance, f)) and not f.startswith('__')]
- def print_args(args: Optional[dict] = None, show_file=True, show_func=False):
-
- x = inspect.currentframe().f_back
- file, _, func, _, _ = inspect.getframeinfo(x)
- if args is None:
- args, _, _, frm = inspect.getargvalues(x)
- args = {k: v for k, v in frm.items() if k in args}
- try:
- file = Path(file).resolve().relative_to(ROOT).with_suffix('')
- except ValueError:
- file = Path(file).stem
- s = (f'{file}: ' if show_file else '') + (f'{func}: ' if show_func else '')
- LOGGER.info(colorstr(s) + ', '.join(f'{k}={v}' for k, v in args.items()))
- def init_seeds(seed=0, deterministic=False):
-
- random.seed(seed)
- np.random.seed(seed)
- torch.manual_seed(seed)
- torch.cuda.manual_seed(seed)
- torch.cuda.manual_seed_all(seed)
-
- if deterministic and check_version(torch.__version__, '1.12.0'):
- torch.use_deterministic_algorithms(True)
- torch.backends.cudnn.deterministic = True
- os.environ['CUBLAS_WORKSPACE_CONFIG'] = ':4096:8'
- os.environ['PYTHONHASHSEED'] = str(seed)
- def intersect_dicts(da, db, exclude=()):
-
- return {k: v for k, v in da.items() if k in db and all(x not in k for x in exclude) and v.shape == db[k].shape}
- def get_default_args(func):
-
- signature = inspect.signature(func)
- return {k: v.default for k, v in signature.parameters.items() if v.default is not inspect.Parameter.empty}
- def get_latest_run(search_dir='.'):
-
- last_list = glob.glob(f'{search_dir}/**/last*.pt', recursive=True)
- return max(last_list, key=os.path.getctime) if last_list else ''
- def file_age(path=__file__):
-
- dt = (datetime.now() - datetime.fromtimestamp(Path(path).stat().st_mtime))
- return dt.days
- def file_date(path=__file__):
-
- t = datetime.fromtimestamp(Path(path).stat().st_mtime)
- return f'{t.year}-{t.month}-{t.day}'
- def file_size(path):
-
- mb = 1 << 20
- path = Path(path)
- if path.is_file():
- return path.stat().st_size / mb
- elif path.is_dir():
- return sum(f.stat().st_size for f in path.glob('**/*') if f.is_file()) / mb
- else:
- return 0.0
- def check_online():
-
- import socket
- def run_once():
-
- try:
- socket.create_connection(('1.1.1.1', 443), 5)
- return True
- except OSError:
- return False
- return run_once() or run_once()
- def git_describe(path=ROOT):
-
- try:
- assert (Path(path) / '.git').is_dir()
- return check_output(f'git -C {path} describe --tags --long --always', shell=True).decode()[:-1]
- except Exception:
- return ''
- @TryExcept()
- @WorkingDirectory(ROOT)
- def check_git_status(repo='ultralytics/yolov5', branch='master'):
-
- url = f'https://github.com/{repo}'
- msg = f', for updates see {url}'
- s = colorstr('github: ')
- assert Path('.git').exists(), s + 'skipping check (not a git repository)' + msg
- assert check_online(), s + 'skipping check (offline)' + msg
- splits = re.split(pattern=r'\s', string=check_output('git remote -v', shell=True).decode())
- matches = [repo in s for s in splits]
- if any(matches):
- remote = splits[matches.index(True) - 1]
- else:
- remote = 'ultralytics'
- check_output(f'git remote add {remote} {url}', shell=True)
- check_output(f'git fetch {remote}', shell=True, timeout=5)
- local_branch = check_output('git rev-parse --abbrev-ref HEAD', shell=True).decode().strip()
- n = int(check_output(f'git rev-list {local_branch}..{remote}/{branch} --count', shell=True))
- if n > 0:
- pull = 'git pull' if remote == 'origin' else f'git pull {remote} {branch}'
- s += f"⚠️ YOLOv5 is out of date by {n} commit{'s' * (n > 1)}. Use '{pull}' or 'git clone {url}' to update."
- else:
- s += f'up to date with {url} ✅'
- LOGGER.info(s)
- @WorkingDirectory(ROOT)
- def check_git_info(path='.'):
-
- check_requirements('gitpython')
- import git
- try:
- repo = git.Repo(path)
- remote = repo.remotes.origin.url.replace('.git', '')
- commit = repo.head.commit.hexsha
- try:
- branch = repo.active_branch.name
- except TypeError:
- branch = None
- return {'remote': remote, 'branch': branch, 'commit': commit}
- except git.exc.InvalidGitRepositoryError:
- return {'remote': None, 'branch': None, 'commit': None}
- def check_python(minimum='3.7.0'):
-
- check_version(platform.python_version(), minimum, name='Python ', hard=True)
- def check_version(current='0.0.0', minimum='0.0.0', name='version ', pinned=False, hard=False, verbose=False):
-
- current, minimum = (pkg.parse_version(x) for x in (current, minimum))
- result = (current == minimum) if pinned else (current >= minimum)
- s = f'WARNING ⚠️ {name}{minimum} is required by YOLOv5, but {name}{current} is currently installed'
- if hard:
- assert result, emojis(s)
- if verbose and not result:
- LOGGER.warning(s)
- return result
- def check_img_size(imgsz, s=32, floor=0):
-
- if isinstance(imgsz, int):
- new_size = max(make_divisible(imgsz, int(s)), floor)
- else:
- imgsz = list(imgsz)
- new_size = [max(make_divisible(x, int(s)), floor) for x in imgsz]
- if new_size != imgsz:
- LOGGER.warning(f'WARNING ⚠️ --img-size {imgsz} must be multiple of max stride {s}, updating to {new_size}')
- return new_size
- def check_imshow(warn=False):
-
- try:
- assert not is_jupyter()
- assert not is_docker()
- cv2.imshow('test', np.zeros((1, 1, 3)))
- cv2.waitKey(1)
- cv2.destroyAllWindows()
- cv2.waitKey(1)
- return True
- except Exception as e:
- if warn:
- LOGGER.warning(f'WARNING ⚠️ Environment does not support cv2.imshow() or PIL Image.show()\n{e}')
- return False
- def check_suffix(file='yolov5s.pt', suffix=('.pt', ), msg=''):
-
- if file and suffix:
- if isinstance(suffix, str):
- suffix = [suffix]
- for f in file if isinstance(file, (list, tuple)) else [file]:
- s = Path(f).suffix.lower()
- if len(s):
- assert s in suffix, f'{msg}{f} acceptable suffix is {suffix}'
- def check_yaml(file, suffix=('.yaml', '.yml')):
-
- return check_file(file, suffix)
- def check_file(file, suffix=''):
-
- check_suffix(file, suffix)
- file = str(file)
- if os.path.isfile(file) or not file:
- return file
- elif file.startswith(('http:/', 'https:/')):
- url = file
- file = Path(urllib.parse.unquote(file).split('?')[0]).name
- if os.path.isfile(file):
- LOGGER.info(f'Found {url} locally at {file}')
- else:
- LOGGER.info(f'Downloading {url} to {file}...')
- torch.hub.download_url_to_file(url, file)
- assert Path(file).exists() and Path(file).stat().st_size > 0, f'File download failed: {url}'
- return file
- elif file.startswith('clearml://'):
- assert 'clearml' in sys.modules, "ClearML is not installed, so cannot use ClearML dataset. Try running 'pip install clearml'."
- return file
- else:
- files = []
- for d in 'data', 'models', 'utils':
- files.extend(glob.glob(str(ROOT / d / '**' / file), recursive=True))
- assert len(files), f'File not found: {file}'
- assert len(files) == 1, f"Multiple files match '{file}', specify exact path: {files}"
- return files[0]
- def check_font(font=FONT, progress=False):
-
- font = Path(font)
- file = CONFIG_DIR / font.name
- if not font.exists() and not file.exists():
- url = f'https://ultralytics.com/assets/{font.name}'
- LOGGER.info(f'Downloading {url} to {file}...')
- torch.hub.download_url_to_file(url, str(file), progress=progress)
- def check_dataset(data, autodownload=True):
-
-
- extract_dir = ''
- if isinstance(data, (str, Path)) and (is_zipfile(data) or is_tarfile(data)):
- download(data, dir=f'{DATASETS_DIR}/{Path(data).stem}', unzip=True, delete=False, curl=False, threads=1)
- data = next((DATASETS_DIR / Path(data).stem).rglob('*.yaml'))
- extract_dir, autodownload = data.parent, False
-
- if isinstance(data, (str, Path)):
- data = yaml_load(data)
-
- for k in 'train', 'val', 'names':
- assert k in data, emojis(f"data.yaml '{k}:' field missing ❌")
- if isinstance(data['names'], (list, tuple)):
- data['names'] = dict(enumerate(data['names']))
- assert all(isinstance(k, int) for k in data['names'].keys()), 'data.yaml names keys must be integers, i.e. 2: car'
- data['nc'] = len(data['names'])
-
- path = Path(extract_dir or data.get('path') or '')
- if not path.is_absolute():
- path = (ROOT / path).resolve()
- data['path'] = path
- for k in 'train', 'val', 'test':
- if data.get(k):
- if isinstance(data[k], str):
- x = (path / data[k]).resolve()
- if not x.exists() and data[k].startswith('../'):
- x = (path / data[k][3:]).resolve()
- data[k] = str(x)
- else:
- data[k] = [str((path / x).resolve()) for x in data[k]]
-
- train, val, test, s = (data.get(x) for x in ('train', 'val', 'test', 'download'))
- if val:
- val = [Path(x).resolve() for x in (val if isinstance(val, list) else [val])]
- if not all(x.exists() for x in val):
- LOGGER.info('\nDataset not found ⚠️, missing paths %s' % [str(x) for x in val if not x.exists()])
- if not s or not autodownload:
- raise Exception('Dataset not found ❌')
- t = time.time()
- if s.startswith('http') and s.endswith('.zip'):
- f = Path(s).name
- LOGGER.info(f'Downloading {s} to {f}...')
- torch.hub.download_url_to_file(s, f)
- Path(DATASETS_DIR).mkdir(parents=True, exist_ok=True)
- unzip_file(f, path=DATASETS_DIR)
- Path(f).unlink()
- r = None
- elif s.startswith('bash '):
- LOGGER.info(f'Running {s} ...')
- r = subprocess.run(s, shell=True)
- else:
- r = exec(s, {'yaml': data})
- dt = f'({round(time.time() - t, 1)}s)'
- s = f"success ✅ {dt}, saved to {colorstr('bold', DATASETS_DIR)}" if r in (0, None) else f'failure {dt} ❌'
- LOGGER.info(f'Dataset download {s}')
- check_font('Arial.ttf' if is_ascii(data['names']) else 'Arial.Unicode.ttf', progress=True)
- return data
- def check_amp(model):
-
- from models.common import AutoShape, DetectMultiBackend
- def amp_allclose(model, im):
-
- m = AutoShape(model, verbose=False)
- a = m(im).xywhn[0]
- m.amp = True
- b = m(im).xywhn[0]
- return a.shape == b.shape and torch.allclose(a, b, atol=0.1)
- prefix = colorstr('AMP: ')
- device = next(model.parameters()).device
- if device.type in ('cpu', 'mps'):
- return False
- f = ROOT / 'data' / 'images' / 'bus.jpg'
- im = f if f.exists() else 'https://ultralytics.com/images/bus.jpg' if check_online() else np.ones((640, 640, 3))
- try:
- assert amp_allclose(deepcopy(model), im) or amp_allclose(DetectMultiBackend('yolov5n.pt', device), im)
- LOGGER.info(f'{prefix}checks passed ✅')
- return True
- except Exception:
- help_url = 'https://github.com/ultralytics/yolov5/issues/7908'
- LOGGER.warning(f'{prefix}checks failed ❌, disabling Automatic Mixed Precision. See {help_url}')
- return False
- def yaml_load(file='data.yaml'):
-
- with open(file, errors='ignore') as f:
- return yaml.safe_load(f)
- def yaml_save(file='data.yaml', data={}):
-
- with open(file, 'w') as f:
- yaml.safe_dump({k: str(v) if isinstance(v, Path) else v for k, v in data.items()}, f, sort_keys=False)
- def unzip_file(file, path=None, exclude=('.DS_Store', '__MACOSX')):
-
- if path is None:
- path = Path(file).parent
- with ZipFile(file) as zipObj:
- for f in zipObj.namelist():
- if all(x not in f for x in exclude):
- zipObj.extract(f, path=path)
- def url2file(url):
-
- url = str(Path(url)).replace(':/', '://')
- return Path(urllib.parse.unquote(url)).name.split('?')[0]
- def download(url, dir='.', unzip=True, delete=True, curl=False, threads=1, retry=3):
-
- def download_one(url, dir):
-
- success = True
- if os.path.isfile(url):
- f = Path(url)
- else:
- f = dir / Path(url).name
- LOGGER.info(f'Downloading {url} to {f}...')
- for i in range(retry + 1):
- if curl:
- success = curl_download(url, f, silent=(threads > 1))
- else:
- torch.hub.download_url_to_file(url, f, progress=threads == 1)
- success = f.is_file()
- if success:
- break
- elif i < retry:
- LOGGER.warning(f'⚠️ Download failure, retrying {i + 1}/{retry} {url}...')
- else:
- LOGGER.warning(f'❌ Failed to download {url}...')
- if unzip and success and (f.suffix == '.gz' or is_zipfile(f) or is_tarfile(f)):
- LOGGER.info(f'Unzipping {f}...')
- if is_zipfile(f):
- unzip_file(f, dir)
- elif is_tarfile(f):
- subprocess.run(['tar', 'xf', f, '--directory', f.parent], check=True)
- elif f.suffix == '.gz':
- subprocess.run(['tar', 'xfz', f, '--directory', f.parent], check=True)
- if delete:
- f.unlink()
- dir = Path(dir)
- dir.mkdir(parents=True, exist_ok=True)
- if threads > 1:
- pool = ThreadPool(threads)
- pool.imap(lambda x: download_one(*x), zip(url, repeat(dir)))
- pool.close()
- pool.join()
- else:
- for u in [url] if isinstance(url, (str, Path)) else url:
- download_one(u, dir)
- def make_divisible(x, divisor):
-
- if isinstance(divisor, torch.Tensor):
- divisor = int(divisor.max())
- return math.ceil(x / divisor) * divisor
- def clean_str(s):
-
- return re.sub(pattern='[|@#!¡·$€%&()=?¿^*;:,¨´><+]', repl='_', string=s)
- def one_cycle(y1=0.0, y2=1.0, steps=100):
-
- return lambda x: ((1 - math.cos(x * math.pi / steps)) / 2) * (y2 - y1) + y1
- def colorstr(*input):
-
- *args, string = input if len(input) > 1 else ('blue', 'bold', input[0])
- colors = {
- 'black': '\033[30m',
- 'red': '\033[31m',
- 'green': '\033[32m',
- 'yellow': '\033[33m',
- 'blue': '\033[34m',
- 'magenta': '\033[35m',
- 'cyan': '\033[36m',
- 'white': '\033[37m',
- 'bright_black': '\033[90m',
- 'bright_red': '\033[91m',
- 'bright_green': '\033[92m',
- 'bright_yellow': '\033[93m',
- 'bright_blue': '\033[94m',
- 'bright_magenta': '\033[95m',
- 'bright_cyan': '\033[96m',
- 'bright_white': '\033[97m',
- 'end': '\033[0m',
- 'bold': '\033[1m',
- 'underline': '\033[4m'}
- return ''.join(colors[x] for x in args) + f'{string}' + colors['end']
- def labels_to_class_weights(labels, nc=80):
-
- if labels[0] is None:
- return torch.Tensor()
- labels = np.concatenate(labels, 0)
- classes = labels[:, 0].astype(int)
- weights = np.bincount(classes, minlength=nc)
-
-
-
- weights[weights == 0] = 1
- weights = 1 / weights
- weights /= weights.sum()
- return torch.from_numpy(weights).float()
- def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)):
-
-
- class_counts = np.array([np.bincount(x[:, 0].astype(int), minlength=nc) for x in labels])
- return (class_weights.reshape(1, nc) * class_counts).sum(1)
- def coco80_to_coco91_class():
-
-
-
-
-
- return [
- 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 27, 28, 31, 32, 33, 34,
- 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63,
- 64, 65, 67, 70, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 84, 85, 86, 87, 88, 89, 90]
- def xyxy2xywh(x):
-
- y = x.clone() if isinstance(x, torch.Tensor) else np.copy(x)
- y[..., 0] = (x[..., 0] + x[..., 2]) / 2
- y[..., 1] = (x[..., 1] + x[..., 3]) / 2
- y[..., 2] = x[..., 2] - x[..., 0]
- y[..., 3] = x[..., 3] - x[..., 1]
- return y
- def xywh2xyxy(x):
-
- y = x.clone() if isinstance(x, torch.Tensor) else np.copy(x)
- y[..., 0] = x[..., 0] - x[..., 2] / 2
- y[..., 1] = x[..., 1] - x[..., 3] / 2
- y[..., 2] = x[..., 0] + x[..., 2] / 2
- y[..., 3] = x[..., 1] + x[..., 3] / 2
- return y
- def xywhn2xyxy(x, w=640, h=640, padw=0, padh=0):
-
- y = x.clone() if isinstance(x, torch.Tensor) else np.copy(x)
- y[..., 0] = w * (x[..., 0] - x[..., 2] / 2) + padw
- y[..., 1] = h * (x[..., 1] - x[..., 3] / 2) + padh
- y[..., 2] = w * (x[..., 0] + x[..., 2] / 2) + padw
- y[..., 3] = h * (x[..., 1] + x[..., 3] / 2) + padh
- return y
- def xyxy2xywhn(x, w=640, h=640, clip=False, eps=0.0):
-
- if clip:
- clip_boxes(x, (h - eps, w - eps))
- y = x.clone() if isinstance(x, torch.Tensor) else np.copy(x)
- y[..., 0] = ((x[..., 0] + x[..., 2]) / 2) / w
- y[..., 1] = ((x[..., 1] + x[..., 3]) / 2) / h
- y[..., 2] = (x[..., 2] - x[..., 0]) / w
- y[..., 3] = (x[..., 3] - x[..., 1]) / h
- return y
- def xyn2xy(x, w=640, h=640, padw=0, padh=0):
-
- y = x.clone() if isinstance(x, torch.Tensor) else np.copy(x)
- y[..., 0] = w * x[..., 0] + padw
- y[..., 1] = h * x[..., 1] + padh
- return y
- def segment2box(segment, width=640, height=640):
-
- x, y = segment.T
- inside = (x >= 0) & (y >= 0) & (x <= width) & (y <= height)
- x, y, = x[inside], y[inside]
- return np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4))
- def segments2boxes(segments):
-
- boxes = []
- for s in segments:
- x, y = s.T
- boxes.append([x.min(), y.min(), x.max(), y.max()])
- return xyxy2xywh(np.array(boxes))
- def resample_segments(segments, n=1000):
-
- for i, s in enumerate(segments):
- s = np.concatenate((s, s[0:1, :]), axis=0)
- x = np.linspace(0, len(s) - 1, n)
- xp = np.arange(len(s))
- segments[i] = np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]).reshape(2, -1).T
- return segments
- def scale_boxes(img1_shape, boxes, img0_shape, ratio_pad=None):
-
- if ratio_pad is None:
- gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1])
- pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2
- else:
- gain = ratio_pad[0][0]
- pad = ratio_pad[1]
- boxes[..., [0, 2]] -= pad[0]
- boxes[..., [1, 3]] -= pad[1]
- boxes[..., :4] /= gain
- clip_boxes(boxes, img0_shape)
- return boxes
- def scale_segments(img1_shape, segments, img0_shape, ratio_pad=None, normalize=False):
-
- if ratio_pad is None:
- gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1])
- pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2
- else:
- gain = ratio_pad[0][0]
- pad = ratio_pad[1]
- segments[:, 0] -= pad[0]
- segments[:, 1] -= pad[1]
- segments /= gain
- clip_segments(segments, img0_shape)
- if normalize:
- segments[:, 0] /= img0_shape[1]
- segments[:, 1] /= img0_shape[0]
- return segments
- def strtolst(strpoint):
- strpoint = strpoint.split(":")
- lista = []
- for liststr in strpoint:
- if len(liststr) > 0:
- liststr = liststr.split(',')
- for point in liststr:
- lista.append(point.split('#'))
- return lista
- def strtolstl(strpoint):
-
- strpoint = strpoint.split(":")
- lista = []
- for i ,liststr in enumerate(strpoint):
-
- if len(liststr) > 0:
- lista.append([])
- liststr = liststr.split(',')
- for point in liststr:
- lista[i].append(point.split('#'))
- return lista
- def clip_boxes(boxes, shape):
-
- if isinstance(boxes, torch.Tensor):
- boxes[..., 0].clamp_(0, shape[1])
- boxes[..., 1].clamp_(0, shape[0])
- boxes[..., 2].clamp_(0, shape[1])
- boxes[..., 3].clamp_(0, shape[0])
- else:
- boxes[..., [0, 2]] = boxes[..., [0, 2]].clip(0, shape[1])
- boxes[..., [1, 3]] = boxes[..., [1, 3]].clip(0, shape[0])
- def clip_segments(segments, shape):
-
- if isinstance(segments, torch.Tensor):
- segments[:, 0].clamp_(0, shape[1])
- segments[:, 1].clamp_(0, shape[0])
- else:
- segments[:, 0] = segments[:, 0].clip(0, shape[1])
- segments[:, 1] = segments[:, 1].clip(0, shape[0])
- def non_max_suppression(
- prediction,
- conf_thres=0.25,
- iou_thres=0.45,
- classes=None,
- agnostic=False,
- multi_label=False,
- labels=(),
- max_det=300,
- nm=0,
- ):
- """Non-Maximum Suppression (NMS) on inference results to reject overlapping detections
- Returns:
- list of detections, on (n,6) tensor per image [xyxy, conf, cls]
- """
-
- assert 0 <= conf_thres <= 1, f'Invalid Confidence threshold {conf_thres}, valid values are between 0.0 and 1.0'
- assert 0 <= iou_thres <= 1, f'Invalid IoU {iou_thres}, valid values are between 0.0 and 1.0'
- if isinstance(prediction, (list, tuple)):
- prediction = prediction[0]
- device = prediction.device
- mps = 'mps' in device.type
- if mps:
- prediction = prediction.cpu()
- bs = prediction.shape[0]
- nc = prediction.shape[2] - nm - 5
- xc = prediction[..., 4] > conf_thres
-
-
- max_wh = 7680
- max_nms = 30000
- time_limit = 0.5 + 0.05 * bs
- redundant = True
- multi_label &= nc > 1
- merge = False
- t = time.time()
- mi = 5 + nc
- output = [torch.zeros((0, 6 + nm), device=prediction.device)] * bs
- for xi, x in enumerate(prediction):
-
-
- x = x[xc[xi]]
-
- if labels and len(labels[xi]):
- lb = labels[xi]
- v = torch.zeros((len(lb), nc + nm + 5), device=x.device)
- v[:, :4] = lb[:, 1:5]
- v[:, 4] = 1.0
- v[range(len(lb)), lb[:, 0].long() + 5] = 1.0
- x = torch.cat((x, v), 0)
-
- if not x.shape[0]:
- continue
-
- x[:, 5:] *= x[:, 4:5]
-
- box = xywh2xyxy(x[:, :4])
- mask = x[:, mi:]
-
- if multi_label:
- i, j = (x[:, 5:mi] > conf_thres).nonzero(as_tuple=False).T
- x = torch.cat((box[i], x[i, 5 + j, None], j[:, None].float(), mask[i]), 1)
- else:
- conf, j = x[:, 5:mi].max(1, keepdim=True)
- x = torch.cat((box, conf, j.float(), mask), 1)[conf.view(-1) > conf_thres]
-
- if classes is not None:
- x = x[(x[:, 5:6] == torch.tensor(classes, device=x.device)).any(1)]
-
-
-
-
- n = x.shape[0]
- if not n:
- continue
- x = x[x[:, 4].argsort(descending=True)[:max_nms]]
-
- c = x[:, 5:6] * (0 if agnostic else max_wh)
- boxes, scores = x[:, :4] + c, x[:, 4]
- i = torchvision.ops.nms(boxes, scores, iou_thres)
- i = i[:max_det]
- if merge and (1 < n < 3E3):
-
- iou = box_iou(boxes[i], boxes) > iou_thres
- weights = iou * scores[None]
- x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True)
- if redundant:
- i = i[iou.sum(1) > 1]
- output[xi] = x[i]
- if mps:
- output[xi] = output[xi].to(device)
- if (time.time() - t) > time_limit:
- LOGGER.warning(f'WARNING ⚠️ NMS time limit {time_limit:.3f}s exceeded')
- break
- return output
- def strip_optimizer(f='best.pt', s=''):
-
- x = torch.load(f, map_location=torch.device('cpu'))
- if x.get('ema'):
- x['model'] = x['ema']
- for k in 'optimizer', 'best_fitness', 'ema', 'updates':
- x[k] = None
- x['epoch'] = -1
- x['model'].half()
- for p in x['model'].parameters():
- p.requires_grad = False
- torch.save(x, s or f)
- mb = os.path.getsize(s or f) / 1E6
- LOGGER.info(f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB")
- def print_mutation(keys, results, hyp, save_dir, bucket, prefix=colorstr('evolve: ')):
- evolve_csv = save_dir / 'evolve.csv'
- evolve_yaml = save_dir / 'hyp_evolve.yaml'
- keys = tuple(keys) + tuple(hyp.keys())
- keys = tuple(x.strip() for x in keys)
- vals = results + tuple(hyp.values())
- n = len(keys)
-
- if bucket:
- url = f'gs://{bucket}/evolve.csv'
- if gsutil_getsize(url) > (evolve_csv.stat().st_size if evolve_csv.exists() else 0):
- subprocess.run(['gsutil', 'cp', f'{url}', f'{save_dir}'])
-
- s = '' if evolve_csv.exists() else (('%20s,' * n % keys).rstrip(',') + '\n')
- with open(evolve_csv, 'a') as f:
- f.write(s + ('%20.5g,' * n % vals).rstrip(',') + '\n')
-
- with open(evolve_yaml, 'w') as f:
- data = pd.read_csv(evolve_csv, skipinitialspace=True)
- data = data.rename(columns=lambda x: x.strip())
- i = np.argmax(fitness(data.values[:, :4]))
- generations = len(data)
- f.write('# YOLOv5 Hyperparameter Evolution Results\n' + f'# Best generation: {i}\n' +
- f'# Last generation: {generations - 1}\n' + '# ' + ', '.join(f'{x.strip():>20s}' for x in keys[:7]) +
- '\n' + '# ' + ', '.join(f'{x:>20.5g}' for x in data.values[i, :7]) + '\n\n')
- yaml.safe_dump(data.loc[i][7:].to_dict(), f, sort_keys=False)
-
- LOGGER.info(prefix + f'{generations} generations finished, current result:\n' + prefix +
- ', '.join(f'{x.strip():>20s}' for x in keys) + '\n' + prefix + ', '.join(f'{x:20.5g}'
- for x in vals) + '\n\n')
- if bucket:
- subprocess.run(['gsutil', 'cp', f'{evolve_csv}', f'{evolve_yaml}', f'gs://{bucket}'])
- def apply_classifier(x, model, img, im0):
-
-
- im0 = [im0] if isinstance(im0, np.ndarray) else im0
- for i, d in enumerate(x):
- if d is not None and len(d):
- d = d.clone()
-
- b = xyxy2xywh(d[:, :4])
- b[:, 2:] = b[:, 2:].max(1)[0].unsqueeze(1)
- b[:, 2:] = b[:, 2:] * 1.3 + 30
- d[:, :4] = xywh2xyxy(b).long()
-
- scale_boxes(img.shape[2:], d[:, :4], im0[i].shape)
-
- pred_cls1 = d[:, 5].long()
- ims = []
- for a in d:
- cutout = im0[i][int(a[1]):int(a[3]), int(a[0]):int(a[2])]
- im = cv2.resize(cutout, (224, 224))
- im = im[:, :, ::-1].transpose(2, 0, 1)
- im = np.ascontiguousarray(im, dtype=np.float32)
- im /= 255
- ims.append(im)
- pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1)
- x[i] = x[i][pred_cls1 == pred_cls2]
- return x
- def apply_classifier1(x, model, img, im0,modelname):
-
-
-
- im0 = [im0] if isinstance(im0, np.ndarray) and len(im0.shape)==3 else im0
-
- for i, d in enumerate(x):
- if d is not None and len(d):
- d = d.clone()
-
-
-
-
-
-
- scale_boxes(img.shape[2:], d[:, :4], im0[i].shape)
-
- pred_cls1 = d[:, 5].long()
- ims = []
- for a in d:
- cutout = im0[i][int(a[1]):int(a[3]), int(a[0]):int(a[2])]
-
- im = cutout[:, :, ::-1]
- im = Image.fromarray(np.uint8(im))
- im = test(im)
- im = im.to(a.device)
-
-
-
- ims.append(im)
- ims = torch.stack(ims,dim=0)
-
- pred_cls2 = model(ims).argmax(1)
- print('cls')
- print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime()))
- print(pred_cls2)
- print(pred_cls1)
- if modelname =='fall':
- x[i] = x[i][pred_cls2 == 0]
- else:
- x[i] = x[i][pred_cls1 == pred_cls2]
- return x
- def apply_classifieruniform(x, model, img, im0,modelname):
-
-
-
- im0 = [im0] if isinstance(im0, np.ndarray) and len(im0)==1 and len(im0.shape)!=1 else im0
- print(type(x))
- xp = []
- xh = []
- for xi,xa in enumerate(x):
- print(xa)
- xp.append(xa[(xa[:, 5:6] == torch.tensor([4], device=xa.device)).any(1)])
- xh.append(xa[(xa[:, 5:6] == torch.tensor([1,2], device=xa.device)).any(1)])
- output = len(xp)*[[]]
- for i, d in enumerate(xp):
- if d is not None and len(d):
- d = d.clone()
-
-
-
-
-
-
- print(f'orid= {d}')
- scale_boxes(img.shape[2:], d[:, :4], im0[i].shape)
-
- pred_cls1 = d[:, 5].long()
- ims = []
- for a in d:
- cutout = im0[i][int(a[1]):int(a[3]), int(a[0]):int(a[2])]
- cv2.imwrite(f'{time.time()}.jpg',cutout)
-
-
- ims.append(cutout)
-
-
- print(f'ims= {len(ims)}')
- ims = torch.stack([v8transforms(Image.fromarray(cv2.cvtColor(im, cv2.COLOR_BGR2RGB))) for im in ims]).to(model.device)
- print(model(ims))
- pred_cls2 = model(ims).argmax(1)
-
- print('cls')
- print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime()))
- print(f'pred_cls2 {pred_cls2}')
- print(pred_cls1)
- if modelname =='uniform':
- print(xp[i])
- xp[i] = xp[i][pred_cls2 == 0]
- else:
- xp[i] = xp[i][pred_cls1 == pred_cls2]
- if len(xp[i])>0:
- output[i] = torch.cat([xp[i],xh[i]],dim=0)
-
- return output
- def apply_classifierarm(x, model, img, im0,modelname):
-
-
-
- im0 = [im0] if isinstance(im0, np.ndarray) and len(im0.shape)==3 else im0
- print(type(x))
- xp = []
- xh = []
-
-
-
-
-
-
- for i, d in enumerate(x):
- if d is not None and len(d):
- d = d.clone()
-
-
-
-
-
-
- print(f'orid= {d}')
- scale_boxes(img.shape[2:], d[:, :4], im0[i].shape)
-
- pred_cls1 = d[:, 5].long()
- ims = []
- for a in d:
- cutout = im0[i][int(a[1]):int(a[3]), int(a[0]):int(a[2])]
-
-
-
- ims.append(cutout)
-
-
- print(f'ims= {len(ims)}')
- ims = torch.stack([v8transforms(Image.fromarray(cv2.cvtColor(im, cv2.COLOR_BGR2RGB))) for im in ims]).to(model.device)
- print(ims.size())
- print(model(ims))
- pred_cls2 = model(ims).argmax(1)
-
- print('cls')
- print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime()))
- print(f'pred_cls2 {pred_cls2}')
- print(pred_cls1)
- pred_cls2 = 1 - pred_cls2
- x[i] = x[i][pred_cls2==pred_cls1]
-
-
-
-
-
-
-
-
-
-
- return x
- def compute_IOU(rec1,rec2):
- """
- 计算两个矩形框的交并比。
- :param rec1: (x0,y0,x1,y1) (x0,y0)代表矩形左上的顶点,(x1,y1)代表矩形右下的顶点。下同。
- :param rec2: (x0,y0,x1,y1)
- :return: 交并比IOU.
- """
- left_column_max = max(rec1[0],rec2[0])
- right_column_min = min(rec1[2],rec2[2])
- up_row_max = max(rec1[1],rec2[1])
- down_row_min = min(rec1[3],rec2[3])
-
- if left_column_max>=right_column_min or down_row_min<=up_row_max:
- return 0,0
-
- else:
- S1 = (rec1[2]-rec1[0])*(rec1[3]-rec1[1])
- S2 = (rec2[2]-rec2[0])*(rec2[3]-rec2[1])
- S_cross = (down_row_min-up_row_max)*(right_column_min-left_column_max)
- x1 = min(rec1[0],rec2[0])
- y1 = min(rec1[1],rec2[1])
- x2 = max(rec1[2],rec2[2])
- y2 = max(rec1[3],rec2[3])
- return S_cross/(S1+S2-S_cross),torch.tensor((x1,y1,x2,y2))
- def task(cur,conn,url,urla):
- modelnamedir = {'0':'helmet','8':'danager','10':'uniform','14':'smoke','16':'fire','21':'cross','25':'fall','29':'occupancy','30':'liquid','31':'pressure','32':'sleep','33':'conveyor','34':'personcount','35':'gloves','36':'sit','37':'other','38':'duty','98':'face','51':'run','64':'jump'}
- modellabeldir = {'0':'head','8':'person','10':'other','14':'smoke','16':'fire','21':'cross','25':'fall','29':'car','30':'liquid','31':'pressure','32':'sleep','33':'conveyor','34':'personcount','35':'gloves','36':'sit','37':'other','38':'person','98':'face','51':'person','64':'person'}
- modelalgdir = {'helmet': '0','danager': '8','uniform': '10','smoke': '14','fire': '16','cross': '21','fall': '25','occupancy': '29','liquid': '30','pressure': '31','sleep': '32','conveyor': '33','personcount': '34','gloves': '35','sit': '36','other': '37','duty': '38','face': '98','run': '51','jump':'64'}
- data = {
- "algorithmCode": None,
- "deviceIp":None
- }
- result = requests.post(url=url,data=data).json()['data']
- postlist = []
- for info in result:
-
-
- cursor = cur.execute("select point from stream where classindex = (?) and channel =(?)",(info['algorithmCode'],info['deviceChannel']))
- resultsub = cursor.fetchall()
- print(resultsub)
-
-
- postlist.append((info['deviceChannel'],info['algorithmCode']))
- if resultsub:
- if info['algorithmCode'] not in modelnamedir:
- continue
- pointres = info['electricFence']
- if resultsub[:-1] != pointres[:-1]:
- print('true')
- print(info['deviceChannel'])
- print(f'electricFence {info["electricFence"]}')
- if len(pointres)>0:
- pointres = pointres[:-1]+ ':'
- print(f'in{pointres}')
- print(info['algorithmCode'],info['deviceChannel'])
- cur.execute("UPDATE STREAM set fence ='1', point = (?) where classindex=(?) and channel = (?)",
- (pointres,info['algorithmCode'],info['deviceChannel']))
- cur.execute("select * from STREAM where classindex=(?) and channel = (?)",
- (info['algorithmCode'], info['deviceChannel']))
- print(cur.fetchall())
- else:
- cur.execute("UPDATE STREAM set fence ='0', point = (?) where classindex=(?) and channel = (?)",
- (pointres, info['algorithmCode'], info['deviceChannel']))
- cur.execute("SELECT * from STREAM where classindex=(?) and channel = (?)",
- (info['algorithmCode'], info['deviceChannel']))
- print(cur.fetchall())
- print('commit')
- conn.commit()
- else:
-
-
- if info['deviceIp'] is not None:
- if info['algorithmCode'] not in modelnamedir:
- continue
-
- address = info['playbackAddress']
- label = modellabeldir[info['algorithmCode']]
- modelname = modelnamedir[info['algorithmCode']]
- print(modelname)
- print(label)
- print(address)
- if modelname == 'duty':
- durtime = 300
- else:
- durtime = 0
- if info['electricFence']:
- fence = 1
- point = f"{info['electricFence'][:-1]}:"
- print(info['electricFence'])
- else:
- fence = 0
- point = '0'
- channel = info['deviceChannel']
- code = info['algorithmCode']
- ip = info['deviceIp']
- algdevice = info['fwqCode']
- cur.execute("INSERT INTO STREAM (MODELNAME,ADDRESS,FENCE,POINT,CHANNEL,CLASSINDEX,IP,ALGIP,ALGDEVICE,LABEL,DURTIME) \
- VALUES ((?),(?),(?),(?),(?),(?),(?),(?),(?),(?),(?))",(modelname,address,fence,point,channel,code,ip,info['deviceAlgorithmIp'],algdevice,label,durtime))
- print('add--------------------------------------------------------')
- cur.execute("select channel,classindex from stream")
- realist = cur.fetchall()
- for r in realist:
- if r not in postlist:
- cur.execute("delete from stream where channel = (?)and classindex = (?)",(r[0],r[1]))
- conn.commit()
- cursor = cur.execute("select modelname from stream")
- modellist = set(cursor.fetchall())
- cursor = cur.execute("select modelname from changestream")
- changemodellist = set(cursor.fetchall())
- for model in modellist:
- if model not in changemodellist:
- print(model[0])
- a = modelalgdir[model[0]]
-
- rea = requests.post(url=urla,data={'algorithmCode':a}).json()['data']
-
- if len(rea)>0:
- con = rea[0]['confidence']
- else:
- con =0.25
- cla = 0
- cur.execute("INSERT INTO CHANGESTREAM (MODELNAME,ADDSTREAM,DELSTREAM,STREAMING,CONF,CLA) \
- VALUES ((?),0,0,0,(?),(?))",(model[0],con,cla))
-
-
-
-
-
- if ('stream',) not in changemodellist:
- cur.execute("INSERT INTO CHANGESTREAM (MODELNAME,ADDSTREAM,DELSTREAM,STREAMING,CONF,CLA) \
- VALUES ('stream',0,0,0,0,0)")
- conn.commit()
- def increment_path(path, exist_ok=False, sep='', mkdir=False):
-
- path = Path(path)
- if path.exists() and not exist_ok:
- path, suffix = (path.with_suffix(''), path.suffix) if path.is_file() else (path, '')
-
- for n in range(2, 9999):
- p = f'{path}{sep}{n}{suffix}'
- if not os.path.exists(p):
- break
- path = Path(p)
-
-
-
-
-
-
- if mkdir:
- path.mkdir(parents=True, exist_ok=True)
- return path
- imshow_ = cv2.imshow
- def imread(filename, flags=cv2.IMREAD_COLOR):
- return cv2.imdecode(np.fromfile(filename, np.uint8), flags)
- def imwrite(filename, img):
- try:
- cv2.imencode(Path(filename).suffix, img)[1].tofile(filename)
- return True
- except Exception:
- return False
- def imshow(path, im):
- imshow_(path.encode('unicode_escape').decode(), im)
- if Path(inspect.stack()[0].filename).parent.parent.as_posix() in inspect.stack()[-1].filename:
- cv2.imread, cv2.imwrite, cv2.imshow = imread, imwrite, imshow
|