ultralytics 8.3.126__py3-none-any.whl → 8.3.127__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- tests/test_solutions.py +11 -0
- ultralytics/__init__.py +1 -1
- ultralytics/solutions/__init__.py +3 -0
- ultralytics/solutions/config.py +2 -0
- ultralytics/solutions/similarity_search.py +176 -0
- ultralytics/solutions/solutions.py +49 -48
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/METADATA +2 -1
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/RECORD +12 -11
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/WHEEL +0 -0
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/entry_points.txt +0 -0
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/licenses/LICENSE +0 -0
- {ultralytics-8.3.126.dist-info → ultralytics-8.3.127.dist-info}/top_level.txt +0 -0
tests/test_solutions.py
CHANGED
@@ -174,3 +174,14 @@ def test_solution(name, solution_class, needs_frame_count, video, kwargs):
|
|
174
174
|
video_path=str(TMP / video),
|
175
175
|
needs_frame_count=needs_frame_count,
|
176
176
|
)
|
177
|
+
|
178
|
+
|
179
|
+
@pytest.mark.slow
|
180
|
+
@pytest.mark.skipif(checks.IS_PYTHON_3_8, reason="Disabled due to unsupported CLIP dependencies.")
|
181
|
+
@pytest.mark.skipif(IS_RASPBERRYPI, reason="Disabled due to slow performance on Raspberry Pi.")
|
182
|
+
def test_similarity_search():
|
183
|
+
"""Test similarity search solution."""
|
184
|
+
from ultralytics import solutions
|
185
|
+
|
186
|
+
searcher = solutions.VisualAISearch()
|
187
|
+
_ = searcher("a dog sitting on a bench") # Returns the results in format "- img name | similarity score"
|
ultralytics/__init__.py
CHANGED
@@ -12,6 +12,7 @@ from .parking_management import ParkingManagement, ParkingPtsSelection
|
|
12
12
|
from .queue_management import QueueManager
|
13
13
|
from .region_counter import RegionCounter
|
14
14
|
from .security_alarm import SecurityAlarm
|
15
|
+
from .similarity_search import SearchApp, VisualAISearch
|
15
16
|
from .speed_estimation import SpeedEstimator
|
16
17
|
from .streamlit_inference import Inference
|
17
18
|
from .trackzone import TrackZone
|
@@ -35,4 +36,6 @@ __all__ = (
|
|
35
36
|
"Analytics",
|
36
37
|
"Inference",
|
37
38
|
"TrackZone",
|
39
|
+
"SearchApp",
|
40
|
+
"VisualAISearch",
|
38
41
|
)
|
ultralytics/solutions/config.py
CHANGED
@@ -48,6 +48,7 @@ class SolutionConfig:
|
|
48
48
|
half (bool): Whether to use FP16 precision (requires a supported CUDA device).
|
49
49
|
tracker (str): Path to tracking configuration YAML file (e.g., 'botsort.yaml').
|
50
50
|
verbose (bool): Enable verbose logging output for debugging or diagnostics.
|
51
|
+
data (str): Path to image directory used for similarity search.
|
51
52
|
|
52
53
|
Methods:
|
53
54
|
update: Update the configuration with user-defined keyword arguments and raise error on invalid keys.
|
@@ -91,6 +92,7 @@ class SolutionConfig:
|
|
91
92
|
half: bool = False
|
92
93
|
tracker: str = "botsort.yaml"
|
93
94
|
verbose: bool = True
|
95
|
+
data: str = "images"
|
94
96
|
|
95
97
|
def update(self, **kwargs):
|
96
98
|
"""Update configuration parameters with new values provided as keyword arguments."""
|
@@ -0,0 +1,176 @@
|
|
1
|
+
# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license
|
2
|
+
|
3
|
+
import os
|
4
|
+
from pathlib import Path
|
5
|
+
|
6
|
+
import numpy as np
|
7
|
+
import torch
|
8
|
+
from PIL import Image
|
9
|
+
|
10
|
+
from ultralytics.data.utils import IMG_FORMATS
|
11
|
+
from ultralytics.solutions.solutions import BaseSolution
|
12
|
+
from ultralytics.utils.checks import check_requirements
|
13
|
+
from ultralytics.utils.torch_utils import select_device
|
14
|
+
|
15
|
+
os.environ["KMP_DUPLICATE_LIB_OK"] = "TRUE" # Avoid OpenMP conflict on some systems
|
16
|
+
|
17
|
+
|
18
|
+
class VisualAISearch(BaseSolution):
|
19
|
+
"""
|
20
|
+
VisualAISearch leverages OpenCLIP to generate high-quality image and text embeddings, aligning them in a shared
|
21
|
+
semantic space. It then uses FAISS to perform fast and scalable similarity-based retrieval, allowing users to search
|
22
|
+
large collections of images using natural language queries with high accuracy and speed.
|
23
|
+
|
24
|
+
Attributes:
|
25
|
+
data (str): Directory containing images.
|
26
|
+
device (str): Computation device, e.g., 'cpu' or 'cuda'.
|
27
|
+
"""
|
28
|
+
|
29
|
+
def __init__(self, **kwargs):
|
30
|
+
"""Initializes the VisualAISearch class with the FAISS index file and CLIP model."""
|
31
|
+
super().__init__(**kwargs)
|
32
|
+
check_requirements(["open-clip-torch", "faiss-cpu"])
|
33
|
+
import faiss
|
34
|
+
import open_clip
|
35
|
+
|
36
|
+
self.faiss = faiss
|
37
|
+
self.open_clip = open_clip
|
38
|
+
|
39
|
+
self.faiss_index = "faiss.index"
|
40
|
+
self.data_path_npy = "paths.npy"
|
41
|
+
self.model_name = "ViT-B-32-quickgelu"
|
42
|
+
self.data_dir = Path(self.CFG["data"])
|
43
|
+
self.device = select_device(self.CFG["device"])
|
44
|
+
|
45
|
+
if not self.data_dir.exists():
|
46
|
+
from ultralytics.utils import ASSETS_URL
|
47
|
+
|
48
|
+
self.LOGGER.warning(f"{self.data_dir} not found. Downloading images.zip from {ASSETS_URL}/images.zip")
|
49
|
+
from ultralytics.utils.downloads import safe_download
|
50
|
+
|
51
|
+
safe_download(url=f"{ASSETS_URL}/images.zip", unzip=True, retry=3)
|
52
|
+
self.data_dir = Path("images")
|
53
|
+
|
54
|
+
self.clip_model, _, self.preprocess = self.open_clip.create_model_and_transforms(
|
55
|
+
self.model_name, pretrained="openai"
|
56
|
+
)
|
57
|
+
self.clip_model = self.clip_model.to(self.device).eval()
|
58
|
+
self.tokenizer = self.open_clip.get_tokenizer(self.model_name)
|
59
|
+
|
60
|
+
self.index = None
|
61
|
+
self.image_paths = []
|
62
|
+
|
63
|
+
self.load_or_build_index()
|
64
|
+
|
65
|
+
def extract_image_feature(self, path):
|
66
|
+
"""Extract CLIP image embedding."""
|
67
|
+
image = Image.open(path)
|
68
|
+
tensor = self.preprocess(image).unsqueeze(0).to(self.device)
|
69
|
+
with torch.no_grad():
|
70
|
+
return self.clip_model.encode_image(tensor).cpu().numpy()
|
71
|
+
|
72
|
+
def extract_text_feature(self, text):
|
73
|
+
"""Extract CLIP text embedding."""
|
74
|
+
tokens = self.tokenizer([text]).to(self.device)
|
75
|
+
with torch.no_grad():
|
76
|
+
return self.clip_model.encode_text(tokens).cpu().numpy()
|
77
|
+
|
78
|
+
def load_or_build_index(self):
|
79
|
+
"""Loads FAISS index or builds a new one from image features."""
|
80
|
+
# Check if the FAISS index and corresponding image paths already exist
|
81
|
+
if Path(self.faiss_index).exists() and Path(self.data_path_npy).exists():
|
82
|
+
self.LOGGER.info("Loading existing FAISS index...")
|
83
|
+
self.index = self.faiss.read_index(self.faiss_index) # Load the FAISS index from disk
|
84
|
+
self.image_paths = np.load(self.data_path_npy) # Load the saved image path list
|
85
|
+
return # Exit the function as the index is successfully loaded
|
86
|
+
|
87
|
+
# If the index doesn't exist, start building it from scratch
|
88
|
+
self.LOGGER.info("Building FAISS index from images...")
|
89
|
+
vectors = [] # List to store feature vectors of images
|
90
|
+
|
91
|
+
# Iterate over all image files in the data directory
|
92
|
+
for file in self.data_dir.iterdir():
|
93
|
+
# Skip files that are not valid image formats
|
94
|
+
if file.suffix.lower().lstrip(".") not in IMG_FORMATS:
|
95
|
+
continue
|
96
|
+
try:
|
97
|
+
# Extract feature vector for the image and add to the list
|
98
|
+
vectors.append(self.extract_image_feature(file))
|
99
|
+
self.image_paths.append(file.name) # Store the corresponding image name
|
100
|
+
except Exception as e:
|
101
|
+
self.LOGGER.warning(f"Skipping {file.name}: {e}")
|
102
|
+
|
103
|
+
# If no vectors were successfully created, raise an error
|
104
|
+
if not vectors:
|
105
|
+
raise RuntimeError("No image embeddings could be generated.")
|
106
|
+
|
107
|
+
vectors = np.vstack(vectors).astype("float32") # Stack all vectors into a NumPy array and convert to float32
|
108
|
+
self.faiss.normalize_L2(vectors) # Normalize vectors to unit length for cosine similarity
|
109
|
+
|
110
|
+
self.index = self.faiss.IndexFlatIP(vectors.shape[1]) # Create a new FAISS index using inner product
|
111
|
+
self.index.add(vectors) # Add the normalized vectors to the FAISS index
|
112
|
+
self.faiss.write_index(self.index, self.faiss_index) # Save the newly built FAISS index to disk
|
113
|
+
np.save(self.data_path_npy, np.array(self.image_paths)) # Save the list of image paths to disk
|
114
|
+
|
115
|
+
self.LOGGER.info(f"Indexed {len(self.image_paths)} images.")
|
116
|
+
|
117
|
+
def search(self, query, k=30, similarity_thresh=0.1):
|
118
|
+
"""Returns top-k semantically similar images to the given query."""
|
119
|
+
text_feat = self.extract_text_feature(query).astype("float32")
|
120
|
+
self.faiss.normalize_L2(text_feat)
|
121
|
+
|
122
|
+
D, index = self.index.search(text_feat, k)
|
123
|
+
results = [
|
124
|
+
(self.image_paths[i], float(D[0][idx])) for idx, i in enumerate(index[0]) if D[0][idx] >= similarity_thresh
|
125
|
+
]
|
126
|
+
results.sort(key=lambda x: x[1], reverse=True)
|
127
|
+
|
128
|
+
self.LOGGER.info("\nRanked Results:")
|
129
|
+
for name, score in results:
|
130
|
+
self.LOGGER.info(f" - {name} | Similarity: {score:.4f}")
|
131
|
+
|
132
|
+
return [r[0] for r in results]
|
133
|
+
|
134
|
+
def __call__(self, query):
|
135
|
+
"""Direct call for search function."""
|
136
|
+
return self.search(query)
|
137
|
+
|
138
|
+
|
139
|
+
class SearchApp:
|
140
|
+
"""
|
141
|
+
A Flask-based web interface powers the semantic image search experience, enabling users to input natural language
|
142
|
+
queries and instantly view the most relevant images retrieved from the indexed database—all through a clean,
|
143
|
+
responsive, and easily customizable frontend.
|
144
|
+
|
145
|
+
Args:
|
146
|
+
data (str): Path to images to index and search.
|
147
|
+
device (str): Device to run inference on (e.g. 'cpu', 'cuda').
|
148
|
+
"""
|
149
|
+
|
150
|
+
def __init__(self, data="images", device=None):
|
151
|
+
"""Initialization of the VisualAISearch class for performing semantic image search."""
|
152
|
+
check_requirements("flask")
|
153
|
+
from flask import Flask, render_template, request
|
154
|
+
|
155
|
+
self.render_template = render_template
|
156
|
+
self.request = request
|
157
|
+
self.searcher = VisualAISearch(data=data, device=device)
|
158
|
+
self.app = Flask(
|
159
|
+
__name__,
|
160
|
+
template_folder="templates",
|
161
|
+
static_folder=Path(data).resolve(), # Absolute path to serve images
|
162
|
+
static_url_path="/images", # URL prefix for images
|
163
|
+
)
|
164
|
+
self.app.add_url_rule("/", view_func=self.index, methods=["GET", "POST"])
|
165
|
+
|
166
|
+
def index(self):
|
167
|
+
"""Function to process the user query and display output."""
|
168
|
+
results = []
|
169
|
+
if self.request.method == "POST":
|
170
|
+
query = self.request.form.get("query", "").strip()
|
171
|
+
results = self.searcher(query)
|
172
|
+
return self.render_template("similarity-search.html", results=results)
|
173
|
+
|
174
|
+
def run(self, debug=False):
|
175
|
+
"""Runs the Flask web app."""
|
176
|
+
self.app.run(debug=debug)
|
@@ -54,55 +54,56 @@ class BaseSolution:
|
|
54
54
|
is_cli (bool): Enables CLI mode if set to True.
|
55
55
|
**kwargs (Any): Additional configuration parameters that override defaults.
|
56
56
|
"""
|
57
|
-
check_requirements("shapely>=2.0.0")
|
58
|
-
from shapely.geometry import LineString, Point, Polygon
|
59
|
-
from shapely.prepared import prep
|
60
|
-
|
61
|
-
self.LineString = LineString
|
62
|
-
self.Polygon = Polygon
|
63
|
-
self.Point = Point
|
64
|
-
self.prep = prep
|
65
|
-
self.annotator = None # Initialize annotator
|
66
|
-
self.tracks = None
|
67
|
-
self.track_data = None
|
68
|
-
self.boxes = []
|
69
|
-
self.clss = []
|
70
|
-
self.track_ids = []
|
71
|
-
self.track_line = None
|
72
|
-
self.masks = None
|
73
|
-
self.r_s = None
|
74
|
-
|
75
|
-
self.LOGGER = LOGGER # Store logger object to be used in multiple solution classes
|
76
57
|
self.CFG = vars(SolutionConfig().update(**kwargs))
|
77
|
-
self.LOGGER
|
78
|
-
|
79
|
-
self.
|
80
|
-
|
81
|
-
|
82
|
-
|
83
|
-
|
84
|
-
self.
|
85
|
-
|
86
|
-
|
87
|
-
|
88
|
-
|
89
|
-
|
90
|
-
|
91
|
-
|
92
|
-
|
93
|
-
|
94
|
-
|
95
|
-
|
96
|
-
|
97
|
-
|
98
|
-
|
99
|
-
|
100
|
-
|
101
|
-
|
102
|
-
|
103
|
-
|
104
|
-
|
105
|
-
|
58
|
+
self.LOGGER = LOGGER # Store logger object to be used in multiple solution classes
|
59
|
+
|
60
|
+
if self.__class__.__name__ != "VisualAISearch":
|
61
|
+
check_requirements("shapely>=2.0.0")
|
62
|
+
from shapely.geometry import LineString, Point, Polygon
|
63
|
+
from shapely.prepared import prep
|
64
|
+
|
65
|
+
self.LineString = LineString
|
66
|
+
self.Polygon = Polygon
|
67
|
+
self.Point = Point
|
68
|
+
self.prep = prep
|
69
|
+
self.annotator = None # Initialize annotator
|
70
|
+
self.tracks = None
|
71
|
+
self.track_data = None
|
72
|
+
self.boxes = []
|
73
|
+
self.clss = []
|
74
|
+
self.track_ids = []
|
75
|
+
self.track_line = None
|
76
|
+
self.masks = None
|
77
|
+
self.r_s = None
|
78
|
+
|
79
|
+
self.LOGGER.info(f"Ultralytics Solutions: ✅ {self.CFG}")
|
80
|
+
self.region = self.CFG["region"] # Store region data for other classes usage
|
81
|
+
self.line_width = self.CFG["line_width"]
|
82
|
+
|
83
|
+
# Load Model and store additional information (classes, show_conf, show_label)
|
84
|
+
if self.CFG["model"] is None:
|
85
|
+
self.CFG["model"] = "yolo11n.pt"
|
86
|
+
self.model = YOLO(self.CFG["model"])
|
87
|
+
self.names = self.model.names
|
88
|
+
self.classes = self.CFG["classes"]
|
89
|
+
self.show_conf = self.CFG["show_conf"]
|
90
|
+
self.show_labels = self.CFG["show_labels"]
|
91
|
+
|
92
|
+
self.track_add_args = { # Tracker additional arguments for advance configuration
|
93
|
+
k: self.CFG[k] for k in ["iou", "conf", "device", "max_det", "half", "tracker", "device", "verbose"]
|
94
|
+
} # verbose must be passed to track method; setting it False in YOLO still logs the track information.
|
95
|
+
|
96
|
+
if is_cli and self.CFG["source"] is None:
|
97
|
+
d_s = "solutions_ci_demo.mp4" if "-pose" not in self.CFG["model"] else "solution_ci_pose_demo.mp4"
|
98
|
+
self.LOGGER.warning(f"source not provided. using default source {ASSETS_URL}/{d_s}")
|
99
|
+
from ultralytics.utils.downloads import safe_download
|
100
|
+
|
101
|
+
safe_download(f"{ASSETS_URL}/{d_s}") # download source from ultralytics assets
|
102
|
+
self.CFG["source"] = d_s # set default source
|
103
|
+
|
104
|
+
# Initialize environment and region setup
|
105
|
+
self.env_check = check_imshow(warn=True)
|
106
|
+
self.track_history = defaultdict(list)
|
106
107
|
|
107
108
|
def adjust_box_label(self, cls, conf, track_id=None):
|
108
109
|
"""
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.4
|
2
2
|
Name: ultralytics
|
3
|
-
Version: 8.3.
|
3
|
+
Version: 8.3.127
|
4
4
|
Summary: Ultralytics YOLO 🚀 for SOTA object detection, multi-object tracking, instance segmentation, pose estimation and image classification.
|
5
5
|
Author-email: Glenn Jocher <glenn.jocher@ultralytics.com>, Jing Qiu <jing.qiu@ultralytics.com>
|
6
6
|
Maintainer-email: Ultralytics <hello@ultralytics.com>
|
@@ -70,6 +70,7 @@ Requires-Dist: h5py!=3.11.0; platform_machine == "aarch64" and extra == "export"
|
|
70
70
|
Provides-Extra: solutions
|
71
71
|
Requires-Dist: shapely>=2.0.0; extra == "solutions"
|
72
72
|
Requires-Dist: streamlit>=1.29.0; extra == "solutions"
|
73
|
+
Requires-Dist: flask; extra == "solutions"
|
73
74
|
Provides-Extra: logging
|
74
75
|
Requires-Dist: wandb; extra == "logging"
|
75
76
|
Requires-Dist: tensorboard; extra == "logging"
|
@@ -6,8 +6,8 @@ tests/test_engine.py,sha256=aGqZ8P7QO5C_nOa1b4FOyk92Ysdk5WiP-ST310Vyxys,4962
|
|
6
6
|
tests/test_exports.py,sha256=dhZn86LdbapW15RthQF870LGxDjC1MUZhlGdBgPmgIQ,9716
|
7
7
|
tests/test_integrations.py,sha256=dQteeRsRVuT_p5-T88-7jqT65Zm9iAXkyKg-KQ1_TQ8,6341
|
8
8
|
tests/test_python.py,sha256=hkOJc0Ejin3Bywyw0BT4pPex5hwwfbmw0K5ChRtvdvw,25398
|
9
|
-
tests/test_solutions.py,sha256=
|
10
|
-
ultralytics/__init__.py,sha256=
|
9
|
+
tests/test_solutions.py,sha256=IFlqyOUCvGbLe_YZqWmNCe_afg4as0p-SfAv3j7VURI,6205
|
10
|
+
ultralytics/__init__.py,sha256=rW2L-G5wnwjbBDeXcA2NLIjdA291K6epdl33-rsgZak,730
|
11
11
|
ultralytics/assets/bus.jpg,sha256=wCAZxJecGR63Od3ZRERe9Aja1Weayrb9Ug751DS_vGM,137419
|
12
12
|
ultralytics/assets/zidane.jpg,sha256=Ftc4aeMmen1O0A3o6GCDO9FlfBslLpTAw0gnetx7bts,50427
|
13
13
|
ultralytics/cfg/__init__.py,sha256=We3ti0mvUQrGRmUPcufDGboW0YAO3nSRYuoWxGagk3M,39462
|
@@ -202,10 +202,10 @@ ultralytics/nn/modules/conv.py,sha256=nxbfAxmvo6A9atuxY3LXTtzMXhihZapCSg1F5mI4sI
|
|
202
202
|
ultralytics/nn/modules/head.py,sha256=FbFB-e44Zvxgzdfy0FqeGWUn0DDahmEZvD1W_N2olcM,38442
|
203
203
|
ultralytics/nn/modules/transformer.py,sha256=tC80QKFaLtWZo0zVNTuORX4pOu6HVs2wS0vSM-3h5W4,28227
|
204
204
|
ultralytics/nn/modules/utils.py,sha256=rn8yTObZGkQoqVzjbZWLaHiytppG4ffjMME4Lw60glM,6092
|
205
|
-
ultralytics/solutions/__init__.py,sha256=
|
205
|
+
ultralytics/solutions/__init__.py,sha256=ZoeAQavTLp8aClnhZ9tbl6lxy86GxofyGvZWTx2aWkI,1209
|
206
206
|
ultralytics/solutions/ai_gym.py,sha256=QRrZGMka83NY4B9gU3N2GxTaomo0WmTMNLxkNZTxo9U,5763
|
207
207
|
ultralytics/solutions/analytics.py,sha256=u-khRAViGupjq9mkuAFCl9G3yE8hXfXASfKZd_SQZ-8,12111
|
208
|
-
ultralytics/solutions/config.py,sha256=
|
208
|
+
ultralytics/solutions/config.py,sha256=TLxQuZjqW-vhbS2OFmTT188-31ukHg1XP7l-BeOmqbU,5427
|
209
209
|
ultralytics/solutions/distance_calculation.py,sha256=E13siGlQTqaGCk0xULk5Q86PwxiBAL4XWp83kQPb0YE,5751
|
210
210
|
ultralytics/solutions/heatmap.py,sha256=lXYptA_EbypipF7YJMjsxxBzLAgsroLcdqypvNAhduA,5569
|
211
211
|
ultralytics/solutions/instance_segmentation.py,sha256=HxzFf752PwjAjZhrf8BzI-gEey_f9mjxTOqJsLHSIB8,3498
|
@@ -216,7 +216,8 @@ ultralytics/solutions/parking_management.py,sha256=BV-2lpSfgmK7fib3DnPSZ5rtLdy11
|
|
216
216
|
ultralytics/solutions/queue_management.py,sha256=p1-cuI_rs4ygtlBryXjE65NYG2bnZXhp3ylggFnWcRs,4344
|
217
217
|
ultralytics/solutions/region_counter.py,sha256=Zn35YRXNzhBk27D9MLOHBYe2L1o6H2ey3mEwCXofB_E,5418
|
218
218
|
ultralytics/solutions/security_alarm.py,sha256=cmUWvz7U9IAxlOr-QCIU_j95lc2c8eUx9wI04t1vDFU,6251
|
219
|
-
ultralytics/solutions/
|
219
|
+
ultralytics/solutions/similarity_search.py,sha256=joejjaw0FWfZKnkNJQhT9l7Hz9jkquLu8JY7B6Iy93g,7535
|
220
|
+
ultralytics/solutions/solutions.py,sha256=aXU5p6zv8UPyaC8v51tsE9L_KzmnRCP4M9PP6pAYMXQ,32715
|
220
221
|
ultralytics/solutions/speed_estimation.py,sha256=r7S5nGIx8PTV-zC4zCI36lQD2DVy5cen5cTXItfQIHo,5318
|
221
222
|
ultralytics/solutions/streamlit_inference.py,sha256=M0ppTFInqSPrdytZBLH8x-XoA7zFc7PaRQ51wHG9ppU,9846
|
222
223
|
ultralytics/solutions/trackzone.py,sha256=mfklnZcVRqI3bbhPiHF2iSoV6INcd10wwwGP4tlK7L0,3854
|
@@ -261,9 +262,9 @@ ultralytics/utils/callbacks/neptune.py,sha256=JaI95Cj2kIjUhlEEOiDN0-Drc-fDelLhNI
|
|
261
262
|
ultralytics/utils/callbacks/raytune.py,sha256=A8amUGpux7dYES-L1iSeMoMXBySGWCD1aUqT7vcG-pU,1284
|
262
263
|
ultralytics/utils/callbacks/tensorboard.py,sha256=jgYnym3cUQFAgN1GzTyO7l3jINtfAh8zhrllDvnLuVQ,5339
|
263
264
|
ultralytics/utils/callbacks/wb.py,sha256=iDRFXI4IIDm8R5OI89DMTmjs8aHLo1HRCLkOFKdaMG4,7507
|
264
|
-
ultralytics-8.3.
|
265
|
-
ultralytics-8.3.
|
266
|
-
ultralytics-8.3.
|
267
|
-
ultralytics-8.3.
|
268
|
-
ultralytics-8.3.
|
269
|
-
ultralytics-8.3.
|
265
|
+
ultralytics-8.3.127.dist-info/licenses/LICENSE,sha256=DZak_2itbUtvHzD3E7GNUYSRK6jdOJ-GqncQ2weavLA,34523
|
266
|
+
ultralytics-8.3.127.dist-info/METADATA,sha256=bWJ0fJoFESEzhGqAO3ox4uQ5b0EnneDRxfHn3D1efDs,37223
|
267
|
+
ultralytics-8.3.127.dist-info/WHEEL,sha256=GHB6lJx2juba1wDgXDNlMTyM13ckjBMKf-OnwgKOCtA,91
|
268
|
+
ultralytics-8.3.127.dist-info/entry_points.txt,sha256=YM_wiKyTe9yRrsEfqvYolNO5ngwfoL4-NwgKzc8_7sI,93
|
269
|
+
ultralytics-8.3.127.dist-info/top_level.txt,sha256=XP49TwiMw4QGsvTLSYiJhz1xF_k7ev5mQ8jJXaXi45Q,12
|
270
|
+
ultralytics-8.3.127.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|