TheCodingBug
TheCodingBug
  • 37
  • 1 331 639
YOLOv8 Object Detection and Segmentation Models Comparison (No Tutorial)
This is a comparison of YOLOv8 object detection and segmentation models out of the box. The comparison is on GTX1060 GPU.
---------------------------------------------
► YOLOv8 Tutorials:
○ YOLOv8 Custom Instance Segmentation Tutorial (Win & Linux): ua-cam.com/video/DMRlOWfRBKU/v-deo.html
○ YOLOv8 Custom Object Detection (Win & Linux): ua-cam.com/video/gRAyOPjQ9_s/v-deo.html
○ YOLOv8 Complete Tutorial (Win & Linux): ua-cam.com/video/75LI9MI9eEo/v-deo.html
Переглядів: 20 280

Відео

YOLOv8 Instance Segmentation on Custom Dataset | Windows & Linux
Переглядів 64 тис.Рік тому
A complete YOLOv8 custom instance segmentation tutorial that covers annotating custom dataset with polygons, converting the annotations to YOLOv8 format, training custom instance segmentation model, and inferencing on images, videos, and webcams. I show how to train YOLOv8 medium version on the custom dataset but you can use any variation of YOLOv8. Code is available for our Patreon Supporters ...
Complete YOLO v8 Custom Object Detection Tutorial | Windows & Linux
Переглядів 169 тис.Рік тому
A complete YOLO v8 custom object detection tutorial with two-classe custom dataset. I cover how to annotate custom dataset in YOLO format, setting up environment for YOLO v8, and train custom object detection model. Although I show a demonstration using YOLO v8 medium version, the method is generic enough to train all variations of YOLO v8. Code is available for our Patreon Supporters www.patre...
YOLOv8 COMPLETE Tutorial | Object Detection | Segmentation | Classification
Переглядів 54 тис.Рік тому
YOLOv8 object detection model is the current state-of-the-art. The model is also trained for image segmentation and image classification tasks. In this tutorial, we cover how to run pre-trained YOLOv8 on Windows/Linux for all three tasks, and we will also include how to export to other formats (such as ONNX or TFLITE). This includes running YOLOv8 on images, videos, and webcams. Code is availab...
YOLO v7 + SORT Object Tracking | Windows & Linux
Переглядів 44 тис.Рік тому
Implement multiple object tracking in Python with YOLO v7 and SORT tracking algorithm. Code is available for our Patreon Supporters www.patreon.com/TheCodingBug ► Time Stamps: Introduction: (0:00) Installations: (0:20) YOLO v7 Object Detection: (03:00) YOLO v7 Tracking: (04:08) Tracking Specific Class: (04:25) Show Track: (05:09) Unique Color for Each Track: (05:27) Hide Labels and BBOX: (05:40...
Official YOLO v7 Instance Segmentation COMPLETE TUTORIAL | Windows & Linux
Переглядів 29 тис.Рік тому
This YOLO v7 instance segmentation tutorial is focused on using official pre-trained YOLO v7 mask model. I cover how to set up the environment, prereqs for the YOLO v7 mask, and we code from scratch to run instance segmentation on images, videos, and webcam. Code is available for our Patreon Supporters www.patreon.com/TheCodingBug ► Time Stamps: Introduction: (0:00) Installing Prereqs: (0:20) S...
Official YOLO v7 Pose Estimation | Windows & Linux
Переглядів 20 тис.Рік тому
This is the official YOLO v7 pose estimation tutorial built on the official code. The tutorial shows how to set up and use the pre-trained YOLO v7 model, along with modifications for removing bounding boxes and showing FPS on videos. It is worthwhile to note that the repository used in the tutorial is different from the yolo v7 object detection one. Code is available for our Patreon Supporters ...
Official YOLO v7 Custom Object Detection on Colab
Переглядів 38 тис.2 роки тому
This YOLO v7 custom object detection tutorial is focused on training the custom model on Google Colab. After training, you can run inferencing locally or on Colab. The method is generic enough to train all seven variations of official YOLO v7 models. In our previous tutorial, we trained the base YOLO v7 custom object detector, and in this tutorial, we train YOLOv7x to compare the performance of...
Official YOLO v7 Custom Object Detection Tutorial | Windows & Linux
Переглядів 119 тис.2 роки тому
This is a complete YOLO v7 custom object detection tutorial, starting from annotating the custom dataset, setting up environment for training custom model, and any modifications required in the official repository files. The method is generic enough to train all seven variations of official YOLO v7 models. Code and custom dataset is available for our Patreon Supporters www.patreon.com/TheCoding...
Official YOLO v7 Object Detection COMPLETE Tutorial for Google Colab
Переглядів 41 тис.2 роки тому
This YOLO v7 tutorial enables you to run object detection in colab. This is a complete tutorial and covers all variations of the YOLO v7 object detector. YOLO v7 has just been released and shows accuracy and speed improvements over its predecessors. Currently, YOLO v7 is the world's fastest and most accurate object detector. This tutorial is focused on running pre-trained YOLO v7 models (all se...
YOLO v7 Object Detection Models: FPS & Object Detection Comparison (All 7 Models)
Переглядів 10 тис.2 роки тому
YOLO v7 object detection model has 7 variants. This video showcases FPS and objects detection accuracy of all the models. There is a tradeoff between speed and accuracy, and this comparison is helpful in deciding the sweet spot. Which model variation works best for your case? Let me know in the comments down below. Want to discuss more? ►Join my discord: discord.gg/kUUvTQTTau #TheCodingBug ► My...
Official YOLO v7 COMPLETE Object Detection Tutorial | Windows & Linux
Переглядів 48 тис.2 роки тому
YOLO v7 object detection tutorial for Windows and Linux. This is a complete tutorial and covers all variations of the YOLO v7 object detector. YOLO v7 has just been released and exhibits a performance and speed boost over its predecessors. This tutorial is focused on running pre-trained YOLO v7 models (all seven variants). YOLO v7 surpasses all known object detectors in both speed and accuracy ...
TensorFlow Object Detection COMPLETE TUTORIAL | 40 TensorFlow Object Detection Models
Переглядів 83 тис.2 роки тому
TensorFlow Object Detection on Windows and Linux. We will run 40 TensorFlow object detection models. This tutorial is made for beginners and I will teach you everything you need to know to go from beginner to practitioner with regards to object detection with Tensorflow. I will start from scratch and will guide you through the installation of TensorFlow, introduce you to the TensorFlow Object D...
Realtime Object Detection Using OpenCV Python ON CPU | OpenCV Object Detection Tutorial
Переглядів 45 тис.2 роки тому
Object detection with OpenCV Python in real-time on modern CPUs is possible. In this object detection tutorial, we use the OpenCV to implement a real-time object detector using the CPU. We have found that using the OpenCV object detection method, we were able to achieve 20-22 FPS (without screen recording) on the CPU. We use pretrained Object Detection model SSD Mobilenet. Code is available for...
DETECTRON2 Custom Object Detection, Custom Instance Segmentation: Part 2 (Training Custom Models)
Переглядів 24 тис.2 роки тому
Detectron2 custom object detection and custom instance segmentation tutorial. This second part of the tutorial explains how to train custom object detection models using detection2. In the second half of the video, we also show how to train a custom instance segmentation model with detectron2. We are using our custom dataset for license plates detection which we developed in part 1. You can use...
DETECTRON2 Custom Object Detection, Custom Instance Segmentation: Part 1 (Develop Custom Dataset)
Переглядів 12 тис.2 роки тому
DETECTRON2 Custom Object Detection, Custom Instance Segmentation: Part 1 (Develop Custom Dataset)
DETECTRON2 TUTORIAL for Colab | Object Detection, Instance Segmentation on Google Colab
Переглядів 11 тис.2 роки тому
DETECTRON2 TUTORIAL for Colab | Object Detection, Instance Segmentation on Google Colab
DETECTRON2 PointRend Tutorial | Accurate Instance Segmentation via Rendering
Переглядів 6 тис.3 роки тому
DETECTRON2 PointRend Tutorial | Accurate Instance Segmentation via Rendering
COMPLETE DETECTRON2 TUTORIAL | Instance Segmentation, Object Detection, Keypoints Detection and more
Переглядів 62 тис.3 роки тому
COMPLETE DETECTRON2 TUTORIAL | Instance Segmentation, Object Detection, Keypoints Detection and more
Install PyTorch GPU on Windows 10 or Linux IN 90 SECONDS with Just One Command
Переглядів 7 тис.3 роки тому
Install PyTorch GPU on Windows 10 or Linux IN 90 SECONDS with Just One Command
Video & Image Colorization Using OpenCV Python | AI COLORIZATION FOR IMAGES & VIDEOS
Переглядів 7 тис.3 роки тому
Video & Image Colorization Using OpenCV Python | AI COLORIZATION FOR IMAGES & VIDEOS
Install TensorFlow GPU on Windows 10 IN 90 SECONDS with Just Two Commands | 2021
Переглядів 22 тис.3 роки тому
Install TensorFlow GPU on Windows 10 IN 90 SECONDS with Just Two Commands | 2021
Face Detection Using OpenCV with CUDA GPU Acceleration | Images, Videos
Переглядів 18 тис.3 роки тому
Face Detection Using OpenCV with CUDA GPU Acceleration | Images, Videos
Build and Install OpenCV With CUDA GPU Support on Windows 10 | OpenCV 4.5.1 | 2021
Переглядів 62 тис.3 роки тому
Build and Install OpenCV With CUDA GPU Support on Windows 10 | OpenCV 4.5.1 | 2021
YOLOv4 TFLite Object Detection Android App Tutorial Using YOLOv4 Tiny, YOLOv4, and YOLOv4 Custom
Переглядів 48 тис.3 роки тому
YOLOv4 TFLite Object Detection Android App Tutorial Using YOLOv4 Tiny, YOLOv4, and YOLOv4 Custom
Object Tracking with TensorFlow YOLOv4 | Linux, Windows
Переглядів 8 тис.3 роки тому
Object Tracking with TensorFlow YOLOv4 | Linux, Windows
Custom Object Detection with TensorFlow YOLOv4, and TFLite | Windows, Linux | Image, Video
Переглядів 9 тис.3 роки тому
Custom Object Detection with TensorFlow YOLOv4, and TFLite | Windows, Linux | Image, Video
YOLOv4 Custom Object Detection Tutorial: Part 2 (Training YOLOv4 Darknet on Custom Dataset)
Переглядів 29 тис.3 роки тому
YOLOv4 Custom Object Detection Tutorial: Part 2 (Training YOLOv4 Darknet on Custom Dataset)
YOLOv4 Custom Object Detection Tutorial: Part 1 (Preparing Darknet YOLOv4 Custom Dataset)
Переглядів 25 тис.3 роки тому
YOLOv4 Custom Object Detection Tutorial: Part 1 (Preparing Darknet YOLOv4 Custom Dataset)
YOLOv4 Object Detection with TensorFlow, TFLite and TensorRT | Windows, Linux | Image, Video, Webcam
Переглядів 13 тис.3 роки тому
YOLOv4 Object Detection with TensorFlow, TFLite and TensorRT | Windows, Linux | Image, Video, Webcam

КОМЕНТАРІ

  • @ytchannel4556
    @ytchannel4556 9 днів тому

    Hey coding bug I wanted to ask does the old version of gpu like GTx 1050 will work on this ? please reply its urgent need

    • @TheCodingBug
      @TheCodingBug 9 днів тому

      At the time of recording this tutorial, it worked on GTX1050 amd GTX1060. Not sure now after release of new versions of opencv, cuda, and visual studio.

  • @TizerBiZer
    @TizerBiZer 11 днів тому

    DNN module was not built with CUDA backend; switching to CPU

    • @TheCodingBug
      @TheCodingBug 9 днів тому

      You need to build opencv from source with GPU support.

  • @YujiItadori-q8n
    @YujiItadori-q8n 15 днів тому

    how to get jpg and mp4 in min 6.20

  • @daffarizqyprastowiyono
    @daffarizqyprastowiyono 15 днів тому

    When I add photos to yolov7, I run the command !python detect.py --weight yolov7.pt --conf 0.5 --img-size 640 --source 2.jpg gives this error python3: can't open file '/content/detect.py': [Errno 2] No such file or directory. can anyone fix this ?

  • @StudyGoalTensionEnjoylifelove
    @StudyGoalTensionEnjoylifelove 18 днів тому

    error: could not find a version that satisfies the requirement torch==2.1.0 (from versions: 2.2.0 cpu, 2.2.1 cpu, 2.2.2 cpu, 2.3.0 cpu, 2.3.1 cpu, 2.4.0 cpu) error: no matching distribution found for torch==2.1.0 kindly guide how can i fix this problem

  • @xyz-l8d
    @xyz-l8d 25 днів тому

    i want the format and structure of your dataset. i dont need your nature data. just the format and structure of data that you are training your data with. can you help me??

  • @alirahmani2818
    @alirahmani2818 26 днів тому

    Second time i am going through this process. First time was a real hassle, this time knew where i should go directly. If you are watching this video to get the GPU running you are in the right place. Hands down the best tutorial ever.

  • @dale5021a
    @dale5021a 28 днів тому

    Hello, I use the same graphics card ,and I installed CUDA-9.2 lastly in Windows 10. At cmake’s Configure and Generate step, all is fine and working well. But when I tried to build OpenCV-4.2.0 with CUDA in Visual Studio 2015, it take many errors about CUDA. I am trying to solve these problems and check all step for many times but no use. Is that CUDA-9.2 is compatible with OpenCV-4.2.0?

  • @user-uk5tn6st8x
    @user-uk5tn6st8x Місяць тому

    thanks god, someone did a tutorial without using google collab Ty so much

  • @maahinpanchal5828
    @maahinpanchal5828 Місяць тому

    Pls provide video based on custom dataset and then train the model and integrate it in opencv to test

  • @julianelmurib6684
    @julianelmurib6684 Місяць тому

    Hihi, not sure why but my outputs are no longer saving, it creates a new folder in the runs folder but doesn''t save any ooutpout to it, is there a way to manually save / is there somewehre that explains all of the tags like --save-conf

  • @veerakumar4490
    @veerakumar4490 Місяць тому

    After installing the cuda while checking it with torch.cuda.is_available() I am getting false as an output but while checking the version I can see the updated version then why it shows false as an output

  • @shashwatmishra4974
    @shashwatmishra4974 Місяць тому

    Ye wala pre-trained algorithm model use karke Kiya hai na ?Ya model train karke Kiya hai Plz anyone reply

  • @hardikvegad3508
    @hardikvegad3508 Місяць тому

    THES BEST VIDEO!!!

  • @h951115951115
    @h951115951115 Місяць тому

    How do I change jacket to safety vest and change hat to hard hat?

    • @TheCodingBug
      @TheCodingBug Місяць тому

      Change the label in yaml file.

  • @abheeshtamn6027
    @abheeshtamn6027 Місяць тому

    why does test dataset need json file? cant i use some random images without annotations? if test data also needs annotations, then what is the point of doing all this?

  • @deepakkarmaDK
    @deepakkarmaDK 2 місяці тому

    is this will work for face recognition instead identification?

  • @sahajsutariya
    @sahajsutariya 2 місяці тому

    Is there any new video for installing dependencies for pytorch, torchvision, torchaudio installation. I get errors while running the same commands as mentioned in the videos.

  • @deepakkarmaDK
    @deepakkarmaDK 2 місяці тому

    Without GPU can i do the whole thing with 10-20 images?

  • @ashishvalentine2979
    @ashishvalentine2979 2 місяці тому

    Any way for early stopping?

  • @vishnusudheer6049
    @vishnusudheer6049 2 місяці тому

    Dear sir I was finally able to integrate an ip camera with this and it's working fine. Thank you for the tutorial. Can you tell me if I need to make a simple ui for this with a button to start running the detect command how can that be done

    • @TheCodingBug
      @TheCodingBug 2 місяці тому

      You can use tkinter or pyqt to create a GUI.

  • @AbhishekGawade-tq4kc
    @AbhishekGawade-tq4kc 2 місяці тому

    how can we fine tune SSD model for custom object detection which can run on CPU faster .

  • @hugehammer
    @hugehammer 2 місяці тому

    Damm man! Nice video, I'm finally starting object detection

  • @shashwatmishra4974
    @shashwatmishra4974 2 місяці тому

    How to create that empty script ?? plz anyone tell

    • @TheCodingBug
      @TheCodingBug 2 місяці тому

      Simply create a new text file with extension .py

  • @sumitsingh4245
    @sumitsingh4245 2 місяці тому

    hi, how to make this without command prompt, can we make this with VS code or Jupiter notebook

  • @unstoppable_universe
    @unstoppable_universe 2 місяці тому

    Thank you so much! After spending many hours searching online, this video was exactly what I needed for understanding YOLOV8. Finally it made my conclusions. Hats off to you! ❤️

  • @johnnyblack4261
    @johnnyblack4261 2 місяці тому

    Hey mate, is it possible to train if you got amd graphics card?

  • @AkdenAi
    @AkdenAi 2 місяці тому

    Hello, I did it without any er rors until the cmake compilation process, but after doing the ALLBUILD build in visual studio, it gives me an error. Can you help me?

  • @mlnima
    @mlnima 2 місяці тому

    mine took 5.1 sec to generate 🤔🤔

  • @adarshmudgaliitkanpur726
    @adarshmudgaliitkanpur726 2 місяці тому

    How to get the dimensions of the bounding box

  • @xinloongfoo2951
    @xinloongfoo2951 2 місяці тому

    Does it possible to work in ESP32-CAM module?

  • @MoliminousTheater
    @MoliminousTheater 2 місяці тому

    helping others out. don't use the console command he gives. (if it's not populating the install folder) instead do this in the build folder (assuming the install folder should be in the build folder) cmake --build . --config Release cmake --install . --config Release

  • @varuncharyvadla7632
    @varuncharyvadla7632 3 місяці тому

    Helped me a lot thank you👍🏻

  • @warrior_1309
    @warrior_1309 3 місяці тому

    Sir , i need to extract the instance mask can you pls suggest something, it would be a great help?

  • @inckaje
    @inckaje 3 місяці тому

    How I can use my 8gb GPU if I have AMD radeon rx580 on Windows 10? Please answer asap i will very appreciate it

  • @ganeshrachamalla8999
    @ganeshrachamalla8999 3 місяці тому

    how do i change the model in this'

  • @ovis
    @ovis 3 місяці тому

    concise

  • @BimoAditya-ej3ku
    @BimoAditya-ej3ku 3 місяці тому

    3:06 I was testing my GPU device. When I typed tf.test.is_gpu_available(), it returned False afterwards, meaning my PC does not detect any GPU device at this moment. What should I do?

  • @khairiyasworld726
    @khairiyasworld726 3 місяці тому

    Hi 7:29 I have python3 and Release but it folder is empty what should i do now

  • @inckaje
    @inckaje 3 місяці тому

    How to get a button in labelimg "Yolo" ?

  • @vynguyenhung9424
    @vynguyenhung9424 3 місяці тому

    I have a problem, please help me "Traceback (most recent call last): File "save_model.py", line 4, in <module> from core.yolov4 import YOLO, decode, filter_boxes File "C:\Users\VyNguyenHung\tensorflow-yolov4-tflite\core\yolov4.py", line 6, in <module> import core.utils as utils File "C:\Users\VyNguyenHung\tensorflow-yolov4-tflite\core\utils.py", line 1, in <module> import cv2 ImportError: DLL load failed: The specified module could not be found."

  • @mohammedalsahly5412
    @mohammedalsahly5412 3 місяці тому

    You are brilliant, I have a question , how can I deploy this model on local machine as web app to be used from users?

  • @navtejsingh2532
    @navtejsingh2532 3 місяці тому

    source code? please

    • @TheCodingBug
      @TheCodingBug 3 місяці тому

      Codes for all videos are available for our Patreon supporters.

  • @tristanrajendraa
    @tristanrajendraa 3 місяці тому

    can yolo use for image classification and optimezer using adam,sgd,rmsprop?? my dataset is rice so i want yolo to detect it like it's basmathi rice or regular rice

  • @fetiahmetisk2817
    @fetiahmetisk2817 3 місяці тому

    hello brother. training takes too long because I use too much data. is there a code or key combination to pause it for a while and continue later?

    • @TheCodingBug
      @TheCodingBug 3 місяці тому

      You can stop the training and later, resume using weights that were produced during training (best.pt) instead of default starting weights.

    • @fetiahmetisk2817
      @fetiahmetisk2817 3 місяці тому

      @@TheCodingBug thanks man. really appreciate it

  • @StepUpAcademy_Xiva
    @StepUpAcademy_Xiva 3 місяці тому

    Hello. When start yolo task=segment mode=train epochs=15 data=dataset.yaml model=yolov8m-seg.pt imgsz=640 batch=1 part, I have this problem Closing dataloader mosaic Traceback (most recent call last): File "<string>", line 1, in <module> File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\multiprocessing\spawn.py", line 116, in spawn_main exitcode = _main(fd, parent_sentinel) File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\multiprocessing\spawn.py", line 126, in _main self = reduction.pickle.load(from_parent) File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch\__init__.py", line 1537, in <module> from .functional import * # noqa: F403 File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch\functional.py", line 9, in <module> import torch.nn.functional as F File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch n\__init__.py", line 1, in <module> from .modules import * # noqa: F403 File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch n\modules\__init__.py", line 2, in <module> from .linear import Identity, Linear, Bilinear, LazyLinear File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch n\modules\linear.py", line 7, in <module> from .. import functional as F File "C:\Users\Rajaboff\anaconda3\envs\yolov8_segmentation\lib\site-packages\torch n\functional.py", line 16, in <module> from torch._torch_docs import reproducibility_notes, tf32_notes, sparse_support_notes File "<frozen importlib._bootstrap>", line 1027, in _find_and_load File "<frozen importlib._bootstrap>", line 1006, in _find_and_load_unlocked File "<frozen importlib._bootstrap>", line 688, in _load_unlocked File "<frozen importlib._bootstrap_external>", line 879, in exec_module File "<frozen importlib._bootstrap_external>", line 1012, in get_code File "<frozen importlib._bootstrap_external>", line 672, in _compile_bytecode MemoryError

  • @Chintzierr
    @Chintzierr 3 місяці тому

    Can I do this in YOLO V7?

    • @TheCodingBug
      @TheCodingBug 3 місяці тому

      Yes: ua-cam.com/video/-QWxJ0j9EY8/v-deo.html

  • @ikramessafi9560
    @ikramessafi9560 3 місяці тому

    Thank you a lot for that video, but i want to know if o have an other object that i wanna detect like fruits how can i use this model to detect it?

    • @TheCodingBug
      @TheCodingBug 3 місяці тому

      You'll need to train custom model on custom data: ua-cam.com/video/-QWxJ0j9EY8/v-deo.html

    • @ikramessafi9560
      @ikramessafi9560 3 місяці тому

      @@TheCodingBug Thank you a lot , i wanna also ask you if you have any idea about counting those objects that are detected .?

  • @JulesElmurib
    @JulesElmurib 3 місяці тому

    why is my FPS so slow is this an issue of my cpu ?

  • @JulesElmurib
    @JulesElmurib 3 місяці тому

    is there a list somehwere of all the flags and options? TYSM this video was amazing