mirror of
				https://github.com/THU-MIG/yolov10.git
				synced 2025-10-26 11:15:38 +08:00 
			
		
		
		
	ultralytics 8.0.190 add thop>=0.1.1 to requirements.txt (#5162)
				
					
				
			Co-authored-by: JohanWesto <Johan.westo@gmail.com> Co-authored-by: Muhammad Rizwan Munawar <62513924+RizwanMunawar@users.noreply.github.com> Co-authored-by: StephenBeirlaen <11806615+StephenBeirlaen@users.noreply.github.com>
This commit is contained in:
		
							parent
							
								
									092b58a8cf
								
							
						
					
					
						commit
						9aaa5d5ed0
					
				| @ -23,6 +23,13 @@ In the world of machine learning and computer vision, the process of making sens | |||||||
|   <strong>Watch:</strong> How to Extract the Outputs from Ultralytics YOLOv8 Model for Custom Projects. |   <strong>Watch:</strong> How to Extract the Outputs from Ultralytics YOLOv8 Model for Custom Projects. | ||||||
| </p> | </p> | ||||||
| 
 | 
 | ||||||
|  | ## Real-world Applications | ||||||
|  | 
 | ||||||
|  | | Manufacturing | Sports | Safety | | ||||||
|  | |:-----------------------------------:|:-----------------------:|:-----------:| | ||||||
|  | |  | |  | | ||||||
|  | | Vehicle Spare Parts Detection | Football Player Detection | People Fall Detection | | ||||||
|  | 
 | ||||||
| ## Why Use Ultralytics YOLO for Inference? | ## Why Use Ultralytics YOLO for Inference? | ||||||
| 
 | 
 | ||||||
| Here's why you should consider YOLOv8's predict mode for your various inference needs: | Here's why you should consider YOLOv8's predict mode for your various inference needs: | ||||||
|  | |||||||
| @ -30,6 +30,13 @@ The output from Ultralytics trackers is consistent with standard object detectio | |||||||
|   <strong>Watch:</strong> Object Detection and Tracking with Ultralytics YOLOv8. |   <strong>Watch:</strong> Object Detection and Tracking with Ultralytics YOLOv8. | ||||||
| </p> | </p> | ||||||
| 
 | 
 | ||||||
|  | ## Real-world Applications | ||||||
|  | 
 | ||||||
|  | | Transportation | Retail | Aquaculture | | ||||||
|  | |:-----------------------------------:|:-----------------------:|:-----------:| | ||||||
|  | |  |  |  | | ||||||
|  | | Vehicle Tracking | People Tracking | Fish Tracking | | ||||||
|  | 
 | ||||||
| ## Features at a Glance | ## Features at a Glance | ||||||
| 
 | 
 | ||||||
| Ultralytics YOLO extends its object detection features to provide robust and versatile object tracking: | Ultralytics YOLO extends its object detection features to provide robust and versatile object tracking: | ||||||
|  | |||||||
| @ -38,7 +38,7 @@ seaborn>=0.11.0 | |||||||
| # Extras -------------------------------------- | # Extras -------------------------------------- | ||||||
| psutil  # system utilization | psutil  # system utilization | ||||||
| py-cpuinfo  # display CPU info | py-cpuinfo  # display CPU info | ||||||
| # thop>=0.1.1  # FLOPs computation | thop>=0.1.1  # FLOPs computation | ||||||
| # ipython  # interactive notebook | # ipython  # interactive notebook | ||||||
| # albumentations>=1.0.3  # training augmentations | # albumentations>=1.0.3  # training augmentations | ||||||
| # pycocotools>=2.0.6  # COCO mAP | # pycocotools>=2.0.6  # COCO mAP | ||||||
|  | |||||||
| @ -1,6 +1,6 @@ | |||||||
| # Ultralytics YOLO 🚀, AGPL-3.0 license | # Ultralytics YOLO 🚀, AGPL-3.0 license | ||||||
| 
 | 
 | ||||||
| __version__ = '8.0.189' | __version__ = '8.0.190' | ||||||
| 
 | 
 | ||||||
| from ultralytics.models import RTDETR, SAM, YOLO | from ultralytics.models import RTDETR, SAM, YOLO | ||||||
| from ultralytics.models.fastsam import FastSAM | from ultralytics.models.fastsam import FastSAM | ||||||
|  | |||||||
| @ -791,14 +791,14 @@ def v8_transforms(dataset, imgsz, hyp, stretch=False): | |||||||
| 
 | 
 | ||||||
| 
 | 
 | ||||||
| # Classification augmentations ----------------------------------------------------------------------------------------- | # Classification augmentations ----------------------------------------------------------------------------------------- | ||||||
| def classify_transforms(size=224, mean=(0.0, 0.0, 0.0), std=(1.0, 1.0, 1.0)):  # IMAGENET_MEAN, IMAGENET_STD | def classify_transforms(size=224, rect=False, mean=(0.0, 0.0, 0.0), std=(1.0, 1.0, 1.0)):  # IMAGENET_MEAN, IMAGENET_STD | ||||||
|     # Transforms to apply if albumentations not installed |     """Transforms to apply if albumentations not installed.""" | ||||||
|     if not isinstance(size, int): |     if not isinstance(size, int): | ||||||
|         raise TypeError(f'classify_transforms() size {size} must be integer, not (list, tuple)') |         raise TypeError(f'classify_transforms() size {size} must be integer, not (list, tuple)') | ||||||
|  |     transforms = [ClassifyLetterBox(size, auto=True) if rect else CenterCrop(size), ToTensor()] | ||||||
|     if any(mean) or any(std): |     if any(mean) or any(std): | ||||||
|         return T.Compose([CenterCrop(size), ToTensor(), T.Normalize(mean, std, inplace=True)]) |         transforms.append(T.Normalize(mean, std, inplace=True)) | ||||||
|     else: |     return T.Compose(transforms) | ||||||
|         return T.Compose([CenterCrop(size), ToTensor()]) |  | ||||||
| 
 | 
 | ||||||
| 
 | 
 | ||||||
| def hsv2colorjitter(h, s, v): | def hsv2colorjitter(h, s, v): | ||||||
| @ -864,9 +864,9 @@ class ClassifyLetterBox: | |||||||
|         imh, imw = im.shape[:2] |         imh, imw = im.shape[:2] | ||||||
|         r = min(self.h / imh, self.w / imw)  # ratio of new/old |         r = min(self.h / imh, self.w / imw)  # ratio of new/old | ||||||
|         h, w = round(imh * r), round(imw * r)  # resized image |         h, w = round(imh * r), round(imw * r)  # resized image | ||||||
|         hs, ws = (math.ceil(x / self.stride) * self.stride for x in (h, w)) if self.auto else self.h, self.w |         hs, ws = (math.ceil(x / self.stride) * self.stride for x in (h, w)) if self.auto else (self.h, self.w) | ||||||
|         top, left = round((hs - h) / 2 - 0.1), round((ws - w) / 2 - 0.1) |         top, left = round((hs - h) / 2 - 0.1), round((ws - w) / 2 - 0.1) | ||||||
|         im_out = np.full((self.h, self.w, 3), 114, dtype=im.dtype) |         im_out = np.full((hs, ws, 3), 114, dtype=im.dtype) | ||||||
|         im_out[top:top + h, left:left + w] = cv2.resize(im, (w, h), interpolation=cv2.INTER_LINEAR) |         im_out[top:top + h, left:left + w] = cv2.resize(im, (w, h), interpolation=cv2.INTER_LINEAR) | ||||||
|         return im_out |         return im_out | ||||||
| 
 | 
 | ||||||
|  | |||||||
| @ -222,7 +222,7 @@ class ClassificationDataset(torchvision.datasets.ImageFolder): | |||||||
|         self.cache_disk = cache == 'disk' |         self.cache_disk = cache == 'disk' | ||||||
|         self.samples = self.verify_images()  # filter out bad images |         self.samples = self.verify_images()  # filter out bad images | ||||||
|         self.samples = [list(x) + [Path(x[0]).with_suffix('.npy'), None] for x in self.samples]  # file, index, npy, im |         self.samples = [list(x) + [Path(x[0]).with_suffix('.npy'), None] for x in self.samples]  # file, index, npy, im | ||||||
|         self.torch_transforms = classify_transforms(args.imgsz) |         self.torch_transforms = classify_transforms(args.imgsz, rect=args.rect) | ||||||
|         self.album_transforms = classify_albumentations( |         self.album_transforms = classify_albumentations( | ||||||
|             augment=augment, |             augment=augment, | ||||||
|             size=args.imgsz, |             size=args.imgsz, | ||||||
|  | |||||||
| @ -627,6 +627,9 @@ class Exporter: | |||||||
|         if builder.platform_has_fast_fp16 and self.args.half: |         if builder.platform_has_fast_fp16 and self.args.half: | ||||||
|             config.set_flag(trt.BuilderFlag.FP16) |             config.set_flag(trt.BuilderFlag.FP16) | ||||||
| 
 | 
 | ||||||
|  |         del self.model | ||||||
|  |         torch.cuda.empty_cache() | ||||||
|  | 
 | ||||||
|         # Write file |         # Write file | ||||||
|         with builder.build_engine(network, config) as engine, open(f, 'wb') as t: |         with builder.build_engine(network, config) as engine, open(f, 'wb') as t: | ||||||
|             # Metadata |             # Metadata | ||||||
|  | |||||||
		Loading…
	
	
			
			x
			
			
		
	
		Reference in New Issue
	
	Block a user
	 Glenn Jocher
						Glenn Jocher