YOLOv9 Tutorial: Train Model on Custom Dataset | How to Deploy YOLOv9

แชร์
ฝัง
  • เผยแพร่เมื่อ 13 มิ.ย. 2024
  • Description:
    Get hands-on with YOLOv9! This video dives into the architecture, setup, and how to train YOLOv9 on your custom datasets.
    Chapters:
    - 00:00 Intro
    - 00:36 Setting Up YOLOv9
    - 03:29 YOLOv9 Inference with Pre-Trained COCO Weights
    - 06:35 Training YOLOv9 on Custom Dataset
    - 10:44 YOLOv9 Model Evaluation
    - 13:53 YOLOv9 Inference with Fine-Tuned Model
    - 15:18 Model Deployment with Inference Package
    - 17:37 Important Considerations for Using YOLOv9
    - 19:00 Demo: Build Self-Service Checkout with YOLOv9
    - 19:50 Outro
    Resources:
    - Roboflow: roboflow.com
    - Roboflow Universe: universe.roboflow.com
    - 🔴 Community Session March 14 2024 at 09:00 AM PST / 12:00 PM EST / 06:00 PM CET: roboflow.stream
    - ⭐ Inference GitHub: github.com/roboflow/inference
    - ⭐ Notebooks GitHub: github.com/roboflow/notebooks
    - ⭐ Supervision GitHub: github.com/roboflow/supervision
    - ⭐ YOLOv9 GitHub: github.com/WongKinYiu/yolov9
    - 🗞 YOLOv9 arXiv paper: arxiv.org/abs/2402.13616
    - 🗞 YOLOv9 blog post: blog.roboflow.com/train-yolov...
    - 📓 YOLOv9 notebook: colab.research.google.com/git...
    - ⚽ Football Players Detection dataset: universe.roboflow.com/roboflo...
    - 🤗 YOLO ARENA Space: huggingface.co/spaces/Skalski...
    - 🤗 YOLO-World + EfficientSAM HF Space: huggingface.co/spaces/Skalski...
    Stay updated with the projects I'm working on at github.com/roboflow and github.com/SkalskiP! ⭐
  • วิทยาศาสตร์และเทคโนโลยี

ความคิดเห็น • 109

  • @princeofheart913
    @princeofheart913 3 หลายเดือนก่อน +2

    Thanks for uploading this video

  • @mounirguesbaya2260
    @mounirguesbaya2260 24 วันที่ผ่านมา

    Thank you very much for the amazing video. Highly appreciated!

  • @geraldofredericocmartins8868
    @geraldofredericocmartins8868 3 หลายเดือนก่อน +2

    Thank you, congratulations

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Thanks a lot!

  • @faizarehman2943
    @faizarehman2943 3 หลายเดือนก่อน +2

    very Good. well done. Your videos are really informative. Video on Yolov5 for calcification is also good. Your vides help me to solve my issues. Thanks

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      I'm so happy to hear that!

  • @diantos_d
    @diantos_d 3 หลายเดือนก่อน

    That is a Nice video. Thanks

  • @Nasarae
    @Nasarae หลายเดือนก่อน

    Thanks for the video. Really thorough explanation!
    At 15:10, the referee collides with a player and falls on beat. I loved this too much.

  • @revolverocelots
    @revolverocelots 3 หลายเดือนก่อน +2

    Appreciated

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Pleasure!

  • @sbouk2fenek153
    @sbouk2fenek153 2 หลายเดือนก่อน

    Hello and thank you for your video! I managed to train my model but I can't find where the .pt or /content files are saved, could you tell me please?

  • @jerrytan7762
    @jerrytan7762 2 หลายเดือนก่อน

    Can you upload a video on what you typically do to increase the accuracy of predictions such as hyperparameter tuning or working on the dataset? Are there any indicators from the results that could tell us what we can do to improve model accuracy or precision.

  • @user-tc6fv7nz6k
    @user-tc6fv7nz6k 2 หลายเดือนก่อน

    Hello, there is a tutorial on the Ultralytics page on how to use Yolov9. You can import the Ultralytics package and start training a model with just a few lines of code (like Yolov8). What is the difference between the approach in this video and using the Ultralytics package? What are the advantages and disadvantages? Thanks for your help.

  • @zahrababayi9177
    @zahrababayi9177 หลายเดือนก่อน

    when we train it on our custom data is it still pretrained from coco?

  • @manurono7111
    @manurono7111 3 หลายเดือนก่อน

    Supposing I want the predictions in a .txt file, how can i do that?

  • @FelipeArrudaMoura
    @FelipeArrudaMoura 3 หลายเดือนก่อน +1

    Great video! What about the players´ ID? Is there any re-id algorithm built inside YOLOv9? Is it possible to export the coordinates of each player?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Nope. YOLOv9 is only producing detection box + class.

  • @MegaLenni2
    @MegaLenni2 3 หลายเดือนก่อน +1

    Awesome video!!
    Can polygons be used for this model to detect objects?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Good question! YOLOv9 for now only supports detection.

    • @MegaLenni2
      @MegaLenni2 3 หลายเดือนก่อน

      @@Roboflow so you can use polygons to highlight objects of interest when creating the masks (in train, validate, test data) for YOLOv9 to detect objects?

  • @muhammadmaulanarasiddin979
    @muhammadmaulanarasiddin979 หลายเดือนก่อน

    Can we save the prediction video with roboflow from RTSP server?

  • @sodiqolawaleolamoyejo8328
    @sodiqolawaleolamoyejo8328 14 วันที่ผ่านมา

    I'm actually working on detection of bad wrapped Maggi tablets on the moving conveyor but I'm unable to run my copied dataset on roboflow to Google Colab. Please help me on this. Thank you

  • @sodiqolawaleolamoyejo8328
    @sodiqolawaleolamoyejo8328 14 วันที่ผ่านมา

    Hello, thanks for uploading the video. Please, I'm unable to run my dataset in YOLO Format on Colab. Anytime I copy and paste the codes with the API key, it will not run. Kindly help with this regards. Thanks in anticipation.

  • @patoescl
    @patoescl 12 วันที่ผ่านมา

    it's possible do this trainning offline, just using Python?
    I'm new on this wolrd... and I'm don't know Colab or any Workbook technologie. I just want to test a bit on my local PC, do you have some kind of Repo for Offline mode? I mean no online trainning!

  • @user-rb9hv9mt6m
    @user-rb9hv9mt6m 3 หลายเดือนก่อน +1

    Great video. I did train my data set ,every thing worked fine except the val/losses stuck to zero during 100 training epochs .Any suggestion to solve this problem?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      It does not need to get to zero. It needs to go as low as possible.

    • @user-rb9hv9mt6m
      @user-rb9hv9mt6m 3 หลายเดือนก่อน

      Yes U R right ,but I don't know why all the val/losses stuck on zero in the training step.@@Roboflow

  • @automatedvideoingassistant6192
    @automatedvideoingassistant6192 3 หลายเดือนก่อน

    Your intro video shows specific player numbers, but I can't see that on the video (just generic players with inference certainty). Is it possible to use Yolo 9 for specific player tracking (like the splash image of this video), or is there a way Bytetrack or other plug-in can work with Yolo 9 to allow instance tracking?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน +1

      You would need to use tracker on top of detection.

  • @danaabdullh2355
    @danaabdullh2355 2 หลายเดือนก่อน

    how to change the optimizer to Adam?

  • @aakashthapa4054
    @aakashthapa4054 หลายเดือนก่อน

    what if I want to use my own images and labels?

  • @lofihavensongs
    @lofihavensongs 3 หลายเดือนก่อน +2

    😍😍😍😍

  • @automatedvideoingassistant6192
    @automatedvideoingassistant6192 3 หลายเดือนก่อน

    In this video you talk about too many epochs is possible in training causing over-fitting..etc, but in Yolo v8 there is protection against this with 'EarlyStopping', for example I can set up 1000 epochs and the training will stop after say 573 epochs and observe the best results and create a model as best.pt for example. Is this same feature in Yolo v9? Many thanks.

  • @aminsalimi4880
    @aminsalimi4880 3 หลายเดือนก่อน +1

    Is it possible use it for human object detectiin like "grabbing the glass" ?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      If you will have the right dataset I think so.

  • @ForgottenWarriors15
    @ForgottenWarriors15 3 หลายเดือนก่อน +2

    Pardon me for a novice question - how can we prepare a dataset with bounding boxes? I have 3000 leaf images and I want to prepare a dataset where the leaf is identified. Any reference would be of great help.

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน +1

      You can do it via roboflow platform. Try it out ;)

    • @amarnathreddysurapureddy9111
      @amarnathreddysurapureddy9111 2 หลายเดือนก่อน

      Login with your mail to roboflow and you saw upload your dataset -> assign images to annotate. You will annotate box or ellipse.
      Annotate > generate model > export dataset > select the format you want . Either download or copy the snippet

  • @karimfallakha
    @karimfallakha 3 หลายเดือนก่อน

    Thank you for the informative video. I have a query related to my ongoing mobile app project, which involves capturing images with the camera, performing immediate cropping, and subsequently analyzing the colors using a dedicated algorithm. Can YOLOv9 facilitate real-time cropping of the captured images and allow seamless integration with code for color identification?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      What are your cropping critters?

    • @karimfallakha
      @karimfallakha 3 หลายเดือนก่อน +1

      @@Roboflow I need to crop a photo of a cuvette, isolating only the liquid part. From there, I'll extract its color and integrate it into a pre-existing formula.

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      @@karimfallakha looks like box is not enough. You need segmentation. Am I correct?

    • @karimfallakha
      @karimfallakha 3 หลายเดือนก่อน

      @@Roboflow That's the thing, im lost and sure how to proceed, this is why i need your help. I just need to find a way how to crop the liquid from the cuvette so i can analyze it later on (i might have not been very clear first)

  • @dynodyno6970
    @dynodyno6970 2 หลายเดือนก่อน +1

    Is there any good way to auto label? Or is manually labeling the only real use case method

    • @Roboflow
      @Roboflow  2 หลายเดือนก่อน

      Take a look at this video: th-cam.com/video/oEQYStnF2l8/w-d-xo.htmlsi=AzUpP3L-jYgPZFre

  • @JoJa015
    @JoJa015 3 หลายเดือนก่อน +1

    What happens if the process crashes or errors out during training? Can you restart at the previous epoch or continue training from the point of the crash?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      You should be able to restart the training by pointing the weights parameter to latest.pt file.

  • @andyportalatincarrasquillo5670
    @andyportalatincarrasquillo5670 3 หลายเดือนก่อน +1

    Spiderman meme was a nice detail

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      I’m glad you like my sense of humor 🤣

  • @mdriad4521
    @mdriad4521 3 หลายเดือนก่อน +1

    can you make some object detection project with streamlit web application?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      I could try. I never used it myself haha

  • @MegaLenni2
    @MegaLenni2 2 หลายเดือนก่อน

    Thanks for the tutorial!!
    When using roboflow and the yolov9-c or yolov9-e model I get an AttributeError: 'list' object has no attribute 'view' in the loss_tal.py file line 168-169:
    File "/content/yolov9/utils/loss_tal.py", line 168, in
    pred_distri, pred_scores = torch.cat([xi.view(feats[0].shape[0], self.no, -1) for xi in feats], 2).split()
    How can this issue be solved?

    • @aziziselma4374
      @aziziselma4374 21 วันที่ผ่านมา

      Do you resolve the error? If yes how please

  • @user-mh4hk9cs7n
    @user-mh4hk9cs7n 3 หลายเดือนก่อน +1

    hello! Thank you for the video. I trained the images with yolov9, processed the test data, and saved the weights. My final goal is to detect video, but the following error keeps occurring during loading weights. Is there a way to load the yolov9 model? I used a torch.
    Traceback (most recent call last):
    File "/content/yolov9/detect.py", line 232, in
    main(opt)
    File "/content/yolov9/detect.py", line 227, in main
    run(**vars(opt))
    File "/usr/local/lib/python3.10/dist-packages/torch/utils/_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
    File "/content/yolov9/detect.py", line 68, in run
    model = DetectMultiBackend(weights, device=device, dnn=dnn, data=data, fp16=half)
    File "/content/yolov9/models/common.py", line 684, in __init__
    model = attempt_load(weights if isinstance(weights, list) else w, device=device, inplace=True, fuse=fuse)
    File "/content/yolov9/models/experimental.py", line 76, in attempt_load
    ckpt = (ckpt.get('ema') or ckpt['model']).to(device).float() # FP32 model
    KeyError: 'model'

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Could you share a command that you used?

  • @sravanthmahendrada4611
    @sravanthmahendrada4611 3 หลายเดือนก่อน +1

    I am currently working on a project that involves tracking a specific person in a CCTV video and performing video summarization based on that person's movements. I plan to use YOLOv8 for object detection and either Deep SORT or Strong SORT for tracking.
    My main question is whether it is possible to track a specific person in the video using their assigned ID. For example, if I want to track the person with ID 2 in the video, can I do so without having pre-annotations or IDs for that person? Essentially, I would input a random video, obtain IDs for each person in the video, and then specify the ID of the person I want to track.
    I would greatly appreciate it if you could provide me with a detailed explanation or, if possible, create a video on this topic. Your insights would be invaluable to me and others working on similar projects.
    Can you please make a video on object detection and then video summarization on the detected object
    Thank you for your time and consideration. I look forward to your response.

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Is that person coming in and out of the frame? Or is it visible all the time?

    • @sravanthmahendrada4611
      @sravanthmahendrada4611 3 หลายเดือนก่อน

      let us consider both the cases.. but mostly the person coming in and out of the frame@@Roboflow
      and can you please do a video on object detection and video summarization on that detected object. thanks for your response

  • @vatals8855
    @vatals8855 3 หลายเดือนก่อน +1

    Can yolo v9 also doing object segmenration?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน +1

      Nope. Unfortunately (at least for now) it only supports object detection.

    • @vatals8855
      @vatals8855 3 หลายเดือนก่อน

      @@Roboflow thanks. What do you suggest for detection and segmentation real time for a working station ( detect tools and human)? Yolact maybe?

  • @razanalomari8242
    @razanalomari8242 3 หลายเดือนก่อน +2

    when i get to training my custom dataset i get IndexError: list index out of range what should i do

    • @ajarivas72
      @ajarivas72 3 หลายเดือนก่อน

      How many classes are there in your proyect?
      Indexes go from 0 to n-1, where n is the number of classes.

    • @razanalomari8242
      @razanalomari8242 3 หลายเดือนก่อน

      @@ajarivas72 i have 4 classes , i tried changing the nc to 3 and got the same error

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Did you use your own dataset or dataset from Roboflow? Did you changed anything apart of dataset? Model architecture? Parameters values? Anything?

    • @razanalomari8242
      @razanalomari8242 3 หลายเดือนก่อน

      @@Roboflowi used my own custom dataset using roboflow , no i did not change anything and i used the same dataset to run a yolov5 code and it worked perfectly fine

    • @qihanlu2612
      @qihanlu2612 2 หลายเดือนก่อน

      Same

  • @BC_-mg6nv
    @BC_-mg6nv 19 วันที่ผ่านมา

    good ddd

  • @davidshorinwa7839
    @davidshorinwa7839 3 หลายเดือนก่อน +1

    How do you load in a video clip in the script

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      How do you upload to Colab or how do you run YOLOv9 inference on video?

  • @58kartikaursang49
    @58kartikaursang49 3 หลายเดือนก่อน

    I want to detect the vehicles count on traffic signal for only single lane , that should the cctv camera can u give the idea for this ,please

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Is the camera static or is it moving?

    • @58kartikaursang49
      @58kartikaursang49 3 หลายเดือนก่อน

      @@Roboflow static

    • @58kartikaursang49
      @58kartikaursang49 3 หลายเดือนก่อน

      @@Roboflow I want to make the project for traffic so I need to detect the vehicles count on signal with the help of CCTV camera

  • @user-xs7oy8hs5t
    @user-xs7oy8hs5t 2 หลายเดือนก่อน +1

    After training my model on one class, I observed good performance on the validation and test datasets. However, upon inspecting the confusion matrix generated during training, I observed a high rate of false positives with the background class.
    ```
    Actual Class
    | Car | Background |
    Predicted Class |---------------------------------|
    Car | 1.0 | 1.0 |
    Background | | |
    ```
    In the dataset, I provided an empty label.txt file when no object was in the image.
    Can you help me to understand why?

    • @Roboflow
      @Roboflow  2 หลายเดือนก่อน

      How many images did you had in your dataset?

    • @user-xs7oy8hs5t
      @user-xs7oy8hs5t 2 หลายเดือนก่อน

      ​@@Roboflow I have a total of 2837 images with the object and 2776 without an object. Total images 5613.
      train: 4490
      test: 560
      val: 560

  • @pradeepg4498
    @pradeepg4498 3 หลายเดือนก่อน +1

    Is free for commerical use?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      It is GPL 3.0 so I’m afraid not. Take a look here: th-cam.com/video/dL9B9VUHkgQ/w-d-xo.htmlsi=BrjmBB-fKo7R5EtE I listed few models with permissive licenses here. Not to advertise or anything, but you can also train YOLO-NAS on Roboflow and use it commercially. Even on free tier.

  • @user-hk5ss6wd7s
    @user-hk5ss6wd7s 3 หลายเดือนก่อน

    🥳🥳👍

  • @777sevenable
    @777sevenable 2 หลายเดือนก่อน

    where is a code snippet to handle the video @ 14:45

  • @cagataydemirbas7259
    @cagataydemirbas7259 3 หลายเดือนก่อน

    Can we use polygonal annotations for v9 ?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Good question. At least for now, no.

    • @cagataydemirbas7259
      @cagataydemirbas7259 3 หลายเดือนก่อน +1

      @@Roboflow do you think plygonal annotations are better than rectangles for model to learn better from data?

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      @@cagataydemirbas7259 as far as I know YOLOv9 only look at boxes during training. YOLOv8 on the other hand use polygons to make detection model better.

    • @cagataydemirbas7259
      @cagataydemirbas7259 3 หลายเดือนก่อน

      @@Roboflow Thanks a lot

  • @gogopex
    @gogopex 3 หลายเดือนก่อน +6

    good vid at 1.75x speed

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน +2

      Hahaha nice ;) I was not aware I talk so slow in English

    • @user-yl2se8lf7m
      @user-yl2se8lf7m 2 หลายเดือนก่อน

      Hhhh agree also 2x is very good and understanding

  • @TheAIJokes
    @TheAIJokes 3 หลายเดือนก่อน +1

    Hi sir as requested last time... could you please create a video on licence plate detection and extraction... please make a video on this topic....

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      It is on my TODO list ;)

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      It really is. We just have so much ideas.

  • @SMady-oj8du
    @SMady-oj8du 2 หลายเดือนก่อน +1

    waiting time tracking Tutorial video

    • @Roboflow
      @Roboflow  2 หลายเดือนก่อน

      It will be out today! Sorry I made you all wait for it soo long :/

  • @sohamroykarmokar3071
    @sohamroykarmokar3071 2 หลายเดือนก่อน

    Hello, thank you for your video. It's really helpful. But on putting this command:
    %cd {HOME}/yolov9
    !python train.py \
    --batch 16 --epochs 50 --img 640 --device 0 --min-items 0 --close-mosaic 15 \
    --data {dataset.location}/data.yaml \
    --weights {HOME}/weights/gelan-c.pt \
    --cfg models/detect/gelan-c.yaml \
    --hyp hyp.scratch-high.yaml
    I am getting the following error:
    Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
    0% 0/243 [00:00

    • @jngvny
      @jngvny หลายเดือนก่อน

      same here did you solve it?

  • @pranavdurai
    @pranavdurai 3 หลายเดือนก่อน +1

    Custom Training: IndexError: list index out of range

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Can you give me a bit more details? Do you use my code? What did you changed?

    • @pranavdurai
      @pranavdurai 3 หลายเดือนก่อน

      @@Roboflow I changed nothing!
      The command line arguments are the same.
      Even the dataset is exported using Roboflow.
      0% 0/33 [00:00

    • @pranavdurai
      @pranavdurai 3 หลายเดือนก่อน

      @@Roboflow - I did not change anything.
      I used the same command-line argument to train.
      Even the dataset was exported from Roboflow.
      Here's a traceback:
      Traceback (most recent call last):
      File "/yolov9/train.py", line 634, in
      main(opt)
      File "/yolov9/train.py", line 528, in main
      train(opt.hyp, opt, device, callbacks)
      File "/yolov9/train.py", line 277, in train
      for i, (imgs, targets, paths, _) in pbar: # batch -------------------------------------------------------------
      File "/opt/conda/lib/python3.10/site-packages/tqdm/std.py", line 1178, in __iter__
      for obj in iterable:
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 631, in __next__
      data = self._next_data()
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 1346, in _next_data
      return self._process_data(data)
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 1372, in _process_data
      data.reraise()
      File "/opt/conda/lib/python3.10/site-packages/torch/_utils.py", line 722, in reraise
      raise exception
      IndexError: Caught IndexError in DataLoader worker process 0.
      Original Traceback (most recent call last):
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/_utils/worker.py", line 308, in _worker_loop
      data = fetcher.fetch(index)
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/_utils/fetch.py", line 51, in fetch
      data = [self.dataset[idx] for idx in possibly_batched_index]
      File "/opt/conda/lib/python3.10/site-packages/torch/utils/data/_utils/fetch.py", line 51, in
      data = [self.dataset[idx] for idx in possibly_batched_index]
      File "/yolov9/utils/dataloaders.py", line 656, in __getitem__
      img, labels = self.load_mosaic(index)
      File "/yolov9/utils/dataloaders.py", line 791, in load_mosaic
      img4, labels4, segments4 = copy_paste(img4, labels4, segments4, p=self.hyp['copy_paste'])
      File "/yolov9/utils/augmentations.py", line 248, in copy_paste
      l, box, s = labels[j], boxes[j], segments[j]
      IndexError: list index out of range

    • @user-dk2rx7wu2k
      @user-dk2rx7wu2k 3 หลายเดือนก่อน

      File "/content/yolov9/train.py", line 634, in
      main(opt)
      File "/content/yolov9/train.py", line 528, in main
      train(opt.hyp, opt, device, callbacks)
      File "/content/yolov9/train.py", line 277, in train
      for i, (imgs, targets, paths, _) in pbar: # batch -------------------------------------------------------------
      File "/usr/local/lib/python3.10/dist-packages/tqdm/std.py", line 1181, in __iter__
      for obj in iterable:
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py", line 630, in __next__
      data = self._next_data()
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py", line 1345, in _next_data
      return self._process_data(data)
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py", line 1371, in _process_data
      data.reraise()
      File "/usr/local/lib/python3.10/dist-packages/torch/_utils.py", line 694, in reraise
      raise exception
      IndexError: Caught IndexError in DataLoader worker process 0.
      Original Traceback (most recent call last):
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/_utils/worker.py", line 308, in _worker_loop
      data = fetcher.fetch(index)
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/_utils/fetch.py", line 51, in fetch
      data = [self.dataset[idx] for idx in possibly_batched_index]
      File "/usr/local/lib/python3.10/dist-packages/torch/utils/data/_utils/fetch.py", line 51, in
      data = [self.dataset[idx] for idx in possibly_batched_index]
      File "/content/yolov9/utils/dataloaders.py", line 656, in __getitem__
      img, labels = self.load_mosaic(index)
      File "/content/yolov9/utils/dataloaders.py", line 791, in load_mosaic
      img4, labels4, segments4 = copy_paste(img4, labels4, segments4, p=self.hyp['copy_paste'])
      File "/content/yolov9/utils/augmentations.py", line 248, in copy_paste
      l, box, s = labels[j], boxes[j], segments[j]
      IndexError: list index out of range@@Roboflow

  • @user-xp8ep9oc8c
    @user-xp8ep9oc8c หลายเดือนก่อน

    7:33 16:51

  • @cyberhard
    @cyberhard 3 หลายเดือนก่อน +1

    Hopefully this doesn't go the way of yolov7.

    • @Roboflow
      @Roboflow  3 หลายเดือนก่อน

      Can you be a bit more specific what do you mean?

    • @cyberhard
      @cyberhard 3 หลายเดือนก่อน

      @@Roboflow It think it is safe to say that shortly after it's release, YOLOv7 was abandoned. This can be seen by the activity in it's repo.