YOLOv8 | How to Train for Object Detection on a Custom Dataset | Computer Vision

Поділитися
Вставка
  • Опубліковано 28 вер 2024
  • Code: github.com/ent...
    YOLOv8 is your singular destination for whichever model fits your needs. We've transformed the core structure of the architecture from a simple version into a robust platform. And now, YOLOv8 is designed to support any YOLO architecture, not just v8. We're excited to support user-contributed models, tasks, and applications.
    Check out my other playlists:
    ► Complete Python Programming: • Complete Python Progra...
    ► 100 Days of Machine Learning playlist: • 100 Days Of Machine Le...
    ► Statistics For Machine Learning: • Statistics For Machine...
    ► Object Detection Using YOLO v6: • YOLO v6 | Object Detec...
    ► Object Detection Using YOLO v7: • YOLO v7 | Object Detec...
    ► Sign Language Detection Using YOLO v5: • Sign Language Detectio...
    ►ONNX (Open Neural Network Exchange): • ONNX (Open Neural Netw...
    😀Please donate if you want to support the channel through Buy me a coffee: www.buymeacoff...
    This channel focuses on providing content on Data Science, Artificial Intelligence, Machine Learning, Deep Learning, Computer Vision, Natural language processing, Python programming, etc. in Bangla and English.
    My mission is to provide inspiration, motivation & good quality education to students for learning and human development, and to become an expert in Artificial Intelligence, Machine Learning, Deep Learning, Computer Vision, Natural language processing, Python programming, and so on.
    #dswithbappy aims to change this education system of Bangladesh.
    I believe that high-quality education is not just for the privileged few. It is the right of everyone who seeks it. My aim is to bring quality education to every single student. All I need from you is intent, a ray of passion to learn.
    Thanks!
    #dswithbappy
    Connect with me here:
    Twitter: / bappy913873
    Facebook: / dswithbappy
    instagram: / entbappy
    linkedin : / boktiarahmed73
    Github: github.com/ent...
    🙏🙏🙏🙏🙏🙏🙏🙏
    YOU JUST NEED TO DO
    3 THINGS to support my channel
    LIKE
    SHARE
    &
    SUBSCRIBE
    TO MY UA-cam CHANNEL

КОМЕНТАРІ • 203

  • @pragyasingh2234
    @pragyasingh2234 Рік тому +6

    Great video! It really helped me finish my assignment; thanks for the effort! I also want to mention that in order to save your predictions you need to add 'save=True' to the "!yolo mode=predict" line.

    • @dswithbappy
      @dswithbappy  Рік тому

      Thanks :)

    • @Rishu_Dakshin
      @Rishu_Dakshin 10 місяців тому

      Hello, I been through this video and, when i try this command: "!yolo task=detect mode=train model=yolov8s.pt data= data.yaml epochs=50 imgsz=512 plots=True" it is the training of the images present inside a valid folder and not train folder. (Wherein my train folder contains 1k images and val folder contain 300 images)
      ever in this video I see that command: train for the images present in val folder.
      how do we train the model for the images present in the train folder?
      can you please help me

  • @nafizislam6856
    @nafizislam6856 Рік тому +7

    40:40 to save the images try using save=True after the command
    !yolo task=detect mode=predict model=runs/detect/train2/weights/best.pt conf=0.25 source=data/test/images save=True
    worked for me.

  • @aryashinde6401
    @aryashinde6401 6 місяців тому

    Thanks a lot! This tutorial was very helpful. I had tried setting up yolov8 by following different tutorials but none of them were accurate. With the help of this tutorial I was easily able to set up yolov8. I really appreciate your efforts!

  • @IAMGuozai
    @IAMGuozai Рік тому +2

    Great tutorial, I have made the model following the video.

  • @deathronz854
    @deathronz854 6 місяців тому +1

    hey i want to ask a question
    how can we use it for detection in video

  • @DATA_MACHINE22
    @DATA_MACHINE22 Рік тому +13

    Beautifully explained looked for many segmentation videos but you explained it from scratch also without skipping anything...appreciate your efforst!

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

    Thank you so much bhai. It was very helpful for my internship.

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

    Hi , it would be helpful if you could put a video on custom data set using YOLO World - zero shot detection

  • @ahmedprog3174
    @ahmedprog3174 Рік тому

    Thank you very much for the clarification. I want to make an image classification using Yolo8, but after training, testing and prediction, no results were shown to me for each precision,f1،recal why I hope you can help me with that

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

    Hello, I did the same but I am left with runs directory empty. Can anyone help me?

  • @karimmerchaoui9736
    @karimmerchaoui9736 6 місяців тому

    Hi, how can I specify the image size when my images have multiple different sizes ?

  • @ozcanmetin1
    @ozcanmetin1 4 місяці тому

    Hi bro thanks for video tutorial. I want to use .net c# project not pt I want to onnx format how to make thanks for answers

  • @inamcbscbs
    @inamcbscbs 6 місяців тому

    i have trained my model but when i write yolo command
    than error message invalid syntal

  • @vamshidharreddy3251
    @vamshidharreddy3251 Рік тому +1

    how do I save the result image to a custom path and not the run/predict folder

    • @dswithbappy
      @dswithbappy  Рік тому

      you have to make change in their repo

  • @trafficlab2
    @trafficlab2 Рік тому

    brooo ... i have a already trained model and i want to improve it furthur but when i train it with any code, the model performance is falling down drastically

  • @Rishu_Dakshin
    @Rishu_Dakshin 11 місяців тому

    Hi, I have trained my model for 100 epochs, by using this i want to train for 150 epochs. can you please suggest me how can we do it please?

  • @KrishnaChaitanyaG-p8n
    @KrishnaChaitanyaG-p8n 9 місяців тому

    Thanks for such indetailed video. Initially able to do custom training for Object detection but later point of time it does nothing and it is getting struck Plotting labels to runs/detect/train2/labels.jpg...
    optimizer: 'optimizer=auto' found, ignoring 'lr0=0.01' and 'momentum=0.937' and determining best 'optimizer', 'lr0' and 'momentum' automatically...
    optimizer: AdamW(lr=0.002, momentum=0.9) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias(decay=0.0)
    10 epochs...
    Closing dataloader mosaic
    Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
    0%| | 0/1 [00:00

  • @venkatasai1590
    @venkatasai1590 Рік тому

    that was best explantion till the date

  • @mahrukhhafeez7398
    @mahrukhhafeez7398 Рік тому

    My question is that is there a way to store the information ? like, whatever it detects in the picture, putting them in an array so they can be used afterwards. (In this case like array1 = [ gloves, helmet ] and then use this array to process some information.) Also the second question that, how to save the model from the google colab ? so that it can be used for an app that is to be created.

  • @nishantkulkarni2268
    @nishantkulkarni2268 6 місяців тому

    is the data in test, train, valid is same or there is different data in the folders

  • @yashrajdeshmukh6759
    @yashrajdeshmukh6759 Рік тому

    Also one more thing when we are making labels of the images using labelimg it creates the label dataset in .xml files not in txt so can we use that as labels dataset in Yolo V8

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

    Iam getting output image in runs folder

  • @Rishu_Dakshin
    @Rishu_Dakshin 11 місяців тому

    Thanks a lot for the video and such a great explanation. I am new to this and could get the correct outputs just by following your video. Its a great thing you are doing and May god bless you.. Thanks again

    • @jasmithabhimavarapu8262
      @jasmithabhimavarapu8262 10 місяців тому

      How to find accuracy?

    • @Rishu_Dakshin
      @Rishu_Dakshin 10 місяців тому

      @@jasmithabhimavarapu8262 : checkpoint_paths = [
      '/content/drive/MyDrive/Rampsure/runs/detect/train1/best.pt',
      '/content/drive/MyDrive/Rampsure/runs/detect/train1/last.pt',
      #Replace the path with yout best n last weights file
      # Add paths to more checkpoints here
      ]
      for checkpoint_path in checkpoint_paths:
      model = YOLO(checkpoint_path)
      metrics = model.val()
      print(f'Metrics for {checkpoint_path}:')
      print(metrics)

  • @kemalkartal366
    @kemalkartal366 9 місяців тому

    hello,
    Can we add the object trained with the custom dataset to the other 80 object YOLO weights? As a single weight of 80+1. Can we increase the weight of the existing 80 objects?
    thanks.
    normally yolo weight consists of 80 objects.
    Can we add new objects to objects of this weight by training with custom datasets?

  • @sudarsan900
    @sudarsan900 8 місяців тому

    Awesome.. beautifully explained!!!!

  • @thinhanggia460
    @thinhanggia460 Рік тому

    Thanks you for your sharing. I have one question. How I can use trained model to detect real-time with yolov8 and webcam by using python. I am very pleasure if you give me some advices. Have a nice day!

  • @TechFromDan
    @TechFromDan Рік тому

    can you do exactly this with tensorflow ?

  • @AqsaTanoliii
    @AqsaTanoliii Рік тому

    aoa sir sir i am facing some issues in trainng the model... how i can contact with u

  • @AkhmadMizkat
    @AkhmadMizkat Рік тому

    Hi, thanks for the video. How can we get the prediction report from our test data like we get from validation data (confussion matrix, precission, recall, etc) ?

  • @matheusmartins3861
    @matheusmartins3861 5 місяців тому

    Thanks man. Finally i found i fuc..ing goood tutorial

  • @AsthaPatidar-fm8zw
    @AsthaPatidar-fm8zw 5 місяців тому

    Thanks for the video , it helped me a lot

  • @shauryaawashti9472
    @shauryaawashti9472 Рік тому

    cyberpunk wallpaper. Nice

  • @farbodyounesi2424
    @farbodyounesi2424 Рік тому +1

    I didn't get the parameter part. how should we assign it? should all the train data have the same given size in the ??

    • @dswithbappy
      @dswithbappy  Рік тому +1

      Just assign imgsz in that command it will automatically do resizing. You are not supposed to resize images before.

  • @PrathamMali-cs5by
    @PrathamMali-cs5by 6 місяців тому

    great video on yolo8v❤

  • @zafarqureshi6291
    @zafarqureshi6291 Рік тому

    why model dont save test data

  • @namirkhan8515
    @namirkhan8515 6 місяців тому

    Great vid

  • @amarnathreddysurapureddy9111
    @amarnathreddysurapureddy9111 10 місяців тому

    Thanks,

  • @MathewsJosh
    @MathewsJosh Рік тому

    My training is generating several "nan" in the loss metrics, any idea of what might be causing this?

    • @dswithbappy
      @dswithbappy  Рік тому +1

      check your data

    • @MathewsJosh
      @MathewsJosh Рік тому

      @@dswithbappy I already checked the dataset and everything is fine. The problem only occurs when I try to run it on my GTX 1650 and GTX 1660 Ti. When I run it with "device=cpu", the problem disappears.

  • @shuvroislam3836
    @shuvroislam3836 Рік тому

    vairal

  • @yelectric1893
    @yelectric1893 Рік тому +7

    Oh my gosh this was so helpful. I tried to follow so many tutorails but I would have library compile errors in my virtual machines every time. This just works. Period. And it can train on the cloud ! Absolutely incredible, thank you for sharing and teaching this great technology. THANK YOU!!!!

  • @MujahidAliSabir
    @MujahidAliSabir Рік тому +13

    Try to create a video and explain each thing step by step for beginners.

  • @oxynofiring
    @oxynofiring 6 місяців тому +1

    That's great of you! Can you please tell how can i reuse this trained model by saving it as i want to use it for a different project?

  • @OfcRohit
    @OfcRohit Рік тому +1

    NEED HELP AT 33:58 : AFTER RUNNING THE COMMAND its showing FileNotFoundError Dataset "data.yaml" not found. I HAVE COPIED EVERY STEP THAT YOU HAVE SHOWN IN THE VIDEO BUT THIS WHERE IM FACING PROBLEM. PLEASE HELP ME I HAVE BEEN TRYING THIS FOR THE LAST TWO DAYS.

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

    Great job with the tutorial! I am working on a project though that requires data annotation using Labelme that I will later to convert to YOLO compatible format(txt file). I have same the same dataset structure as YOLO(data->train-test-valid-data.yaml) .However, if I have a lot of images that require a lot of annotations, does the data.yaml file mapping has to be the exact same order I find in all label format file (numerical class ids) or do I just list the class names in no particular order whatsoever? Thank you!

  • @lokeshwarreddy6861
    @lokeshwarreddy6861 11 місяців тому +1

    Hey, your explaination so cool and made the yolov8 easy to understand. But while I'm trying to make my own object detection model of yolov8 even the labels folder present in the same dir of images it isn't reading it and getting the error "AssertionError: train: No labels found in /content/drive/MyDrive/Yolov8/Data/Train/Images.cache, can not start training" Please could you help me regarding this problem of mine.

    • @ravinamahawar4890
      @ravinamahawar4890 10 місяців тому

      have u found the solution actually i got the same error

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

    Thank you so much, sir. I am searching Yolo for detection purposes for my research work. This will be needful for me. Can I do my hybrid model as a backbone with the Yolo versions?
    actually, my dataset does not have annotations, thank you for clarifying how to do annotations.

  • @pritish1337
    @pritish1337 4 місяці тому

    IndexError: index 15 is out of bounds for dimension 1 with size 1
    Sentry is attempting to send 2 pending events
    Waiting up to 2 seconds
    Press Ctrl-C to quit

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

    Regarding Dimension, its set of x and y, so this 240 is it x? or y?? Dimension tab was hidden behind your camera bubble.

  • @kartikpandit7438
    @kartikpandit7438 5 місяців тому

    Can You Adapt the YOLO model to use Swin Transformer v2 as its feature extraction backbone.

  • @waziralihaideri
    @waziralihaideri 4 місяці тому

    If I want to add some classes of YOLOv8 to our custom dataset model like I want to add car class to our custom model with custom classes
    Please can we do it ?

  • @vanipanjaya
    @vanipanjaya Рік тому

    i have problem and i dont know how to fix this, can anyone help me ? (problem in 23:20)
    the picture also didn't come out
    QMimeDatabase: Error loading internal MIME data
    An error has been encountered at line 1 of : Premature end of document.:
    please help me anyone🙏🙏🙏

  • @mdomerfaruq3275
    @mdomerfaruq3275 8 днів тому

    Bro yolov8 folder how to have I'm explained please

  • @YigalBZ
    @YigalBZ Рік тому +1

    Nice video. Can you do a video that shows all the flow: training custom model and use it for detection?

  • @Ggghvujhjihhhhh
    @Ggghvujhjihhhhh 4 місяці тому

    Can someone develop project for my business using YOLO.

  • @krisnayoga-g9r
    @krisnayoga-g9r Місяць тому

    Can you make a yolov8 attention mechanism tutorial video?

  • @pritish1337
    @pritish1337 4 місяці тому

    IndexError: index 15 is out of bounds for dimension 1 with size 1

  • @afolabiowoloye804
    @afolabiowoloye804 4 місяці тому

    Nice lecture, thanks.
    Please how do I contact you?

  • @jhoanmartinezsilva2609
    @jhoanmartinezsilva2609 Рік тому +1

    Magic words, "If you dont know how to annotate the data, I will show you", thanks a lot

  • @daffiduck
    @daffiduck Рік тому +1

    Hello Great Tutorial but imgsz my images are 1920x1080 I put imgsz=1920 and I get CUDA errors and not enough Memory. I left it at your default and it works. Can you please explain further on this as the YoloV8 docs do not talk much about this function or what it does.

    • @dswithbappy
      @dswithbappy  Рік тому +1

      if your images resolution is 1920 that's means you have HD images , to train this kinds of images you need higher computational power & High memory. But if you don't have it just simply reduce the images dim as i did in that video. no issue with that but accuracy may affect a bit. Thanks

    • @daffiduck
      @daffiduck Рік тому

      @@dswithbappy So if I use Google compute pro would this resolve it and what's the difference between HD images and the standard ones what benefit do you get. Also the best.pt can you run that file locally with YoloV5 or only V8 ? Or with any Yolo model thank you sir

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

    Bro, can you send the link of Collab you are using

  • @rahulmeinam333
    @rahulmeinam333 6 місяців тому

    Video on Web development with flask for trained model

  • @evangelinemonica917
    @evangelinemonica917 5 місяців тому

    Is there a way to do real time detection using opencv??

  • @piykum7
    @piykum7 Рік тому +1

    Please make a more simpler video for Absolute Beginners.

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

    Hi, wanted to know whether i can use eletronic item dataset like microwave, washing machine etc images and the same code u have used here will work for that as well?
    please help, thank u

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

      u can run on your own custom dataset but you'll have to annotate all of them images by yourself.

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

    Thanks alot bro, it helped me alot 💯💯

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

    how do you split the train, test and valid data?

  • @salmahannouni8781
    @salmahannouni8781 6 місяців тому

    Can i detect an object then classify it in the same time ?

  • @MasumExtended-jt4ty
    @MasumExtended-jt4ty 4 місяці тому

    Are you from Bangladesh brother!!

  • @asthapatidar5507
    @asthapatidar5507 5 місяців тому

    why we are giving labels in test data?

  • @roshankshirsagar8665
    @roshankshirsagar8665 10 місяців тому

    This runs folder now working properly

  • @Rishu_Dakshin
    @Rishu_Dakshin 10 місяців тому

    Hello, I been through your video : YOLOv8 | How to Train for Object Detection on a Custom Dataset. however, when i try this command: "!yolo task=detect mode=train model=yolov8s.pt data= data.yaml epochs=50 imgsz=512 plots=True" it is training of the images present inside valid folder and not train folder.
    ever in your video I see that commands: train for the images present in val folder.
    how do we train the model for the images present in the train folder?
    can you please help me

  • @КостяДьяков-л4е
    @КостяДьяков-л4е 7 місяців тому

    Спасибо. Очень помогло)

  • @SLTD-t8g
    @SLTD-t8g Рік тому

    I followed this tutorial and got an error after @35:20 saying no labels found in cache and cannot start training
    this is the error-"No labels found in /content/drive/MyDrive/YOLOv8/Data/Train/Images.cache, can not start training."

  • @ShekharBhide
    @ShekharBhide 9 місяців тому

    Sir
    we want to create model for waste detection , in waste there will be 4 labels , But we're not getting the sufficient images to train the model , could u please tell me how to make the dataset ??

  • @yashumate6770
    @yashumate6770 6 місяців тому

    data.yaml fil e nor found error

  • @ishyamkakitchen9275
    @ishyamkakitchen9275 8 днів тому

    simple and smooth learning... great work

  • @utubesportsentertainment1500
    @utubesportsentertainment1500 8 місяців тому

    How to unzip a file in colab

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

    I installed yolov8 in my google colab and completed a project also with yolov8. But today when I run the yolo command, it is showing " ModuleNotFoundError: No module named 'ultralytics'" . why this happens ?

  • @PreciousJalebi
    @PreciousJalebi 5 місяців тому

    Based on my experience, it's quite likely that if you clone their repository code and then run the prediction and training processes, it'll automatically create a folder named "runs." Inside this folder, you'll find various important outputs like weight files, F1 scores, correlation graphs, PR curves, and details about hyperparameters.
    I tried running the commands using a Python script, but unfortunately, it didn't create the "runs" folder. However, I found that when I ran the same commands within their repository environment and used the original Python scripts for prediction and training, the "runs" folder was successfully generated every time.

  • @music_love21
    @music_love21 5 місяців тому

    Hi! We are creating a system that classifies tomato ripeness levels using image processing in CNN architecture with the YOLOv8 model. We are using Raspberry Pi 4 OS with 4GB RAM and we have encountered a problem - the system has 2-3 minute delay/lag in classifying the ripeness level. Would you happen to have any recommendation/suggestion sir on this problem?

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

    problem while annotating the image, the labelImg automatically getting closed ,the error message is showing some (canvas. ) file could u pleaee help me actully the zip file doesnt contain any canvas.file

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

    Video starts from 30:00

  • @saeebiwalkar6407
    @saeebiwalkar6407 6 місяців тому

    Very useful video .. I have trained my dataset using ball dataset . But now I want to detect the ball in my surrounding with help of camera how can I integrate this for my video Capturing

  • @theresemahesh
    @theresemahesh 6 місяців тому +1

    very well explained

  • @03-bhavsarshivani54
    @03-bhavsarshivani54 Рік тому

    i get this output ,
    2023-07-07 13:08:54.095409: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
    Ultralytics YOLOv8.0.20 🚀 Python-3.10.12 torch-2.0.1+cu118 CUDA:0 (Tesla T4, 15102MiB)
    Model summary (fused): 168 layers, 11126358 parameters, 0 gradients, 28.4 GFLOPs
    image 1/1 /content/drive/MyDrive/YOLOv8/liveimg.jpg: 224x128 4 Autorickshaws, 18 persons, 54.8ms
    Speed: 0.4ms pre-process, 54.8ms inference, 87.1ms postprocess per image at shape (1, 3, 224, 224)
    how to save the model so that i can see the output which shows the bounding boxes on new given images , please can you guide me
    i am using following codes
    !pip install ultralytics
    !nvidia-smi
    from IPython import display
    display.clear_output()
    import ultralytics
    ultralytics.checks()
    from ultralytics import YOLO
    from IPython.display import display,Image
    from google.colab import drive
    drive.mount('/content/drive')
    %cd /content/drive/MyDrive/YOLOv8
    !ls
    !yolo task=detect mode=train model=yolov8s.pt data = /content/drive/MyDrive/YOLOv8/data.yaml epochs=100 imgsz=224 plots=True
    !yolo detect predict amodel=/content/drive/MyDrive/YOLOv8/runs/detect/train14/weights/best.pt source='/content/drive/MyDrive/YOLOv8/liveimg.jpg'

  • @iputugedesuardanaputra4191
    @iputugedesuardanaputra4191 8 місяців тому

    bro, the lessons you provide are very good, thank you, brother. I want to try the training data results into my vscode. What is the name of the format, bro?, because I will test it with a video

  • @mayaltaee2963
    @mayaltaee2963 7 місяців тому

    Hello, I traind the yolov8 (detect) on custom dataset now how can I assess the yolov8 model with test dataset where I can get Recall , Precision, mAP, confusion matrix, curvs, and accurecy.

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

    Thanks . Good one

  • @ИльяГригорьевичМельников

    i followed all ur steps, but when its at the training part, I face an issue: "No labels found in path\labels.cache", can not start training.
    Deleting and restarting doesn't help...
    (The labels.cache file is only created in the train folder)

  • @meerabcollection837
    @meerabcollection837 Рік тому

    please share the link'

  • @Jeffrey-uw8un
    @Jeffrey-uw8un 11 місяців тому

    thanks man, DO NOT STOP THE VIDEO AND DO SOMETHING BEFORE WATCHING HIM BECASUE THE YAML FILE AND DIRECTINIORIES ARE DIFFERENT LOL

  • @sabrimas9718
    @sabrimas9718 Рік тому

    I tried yolov8 for some time, and when I want to try tuning hyperparameters using ray tune, it shows an error, even though I followed the steps provided by ultralytics, can you make a video about tuning yolov8 hyperparameters using ray tune?

  • @vishwasdubey2044
    @vishwasdubey2044 Рік тому

    Did anyone get an error resembling this :
    Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
    0% 0/1 [00:00

  • @thegist-happylearning4124
    @thegist-happylearning4124 7 місяців тому

    Thanks alot dude

  • @_Fangirling
    @_Fangirling Рік тому

    Can you please tell me how to calculate the overall accuracy(SHOWING mAP score) of the particular trained yolov8 model in Google colab?

  • @muhammadumair754
    @muhammadumair754 8 місяців тому

    raise ScannerError("while scanning a simple key", key.mark,
    yaml.scanner.ScannerError: while scanning a simple key
    in "data.yaml", line 3, column 1
    could not find expected ':'
    in "data.yaml", line 4, column 1
    Sentry is attempting to send 2 pending events
    Waiting up to 2 seconds
    Press Ctrl-C to quit

  • @vojastevanovic6634
    @vojastevanovic6634 11 місяців тому

    If i understood you right, you said you will share your data for train, test and validation of those construction workers, gloves, etc
    Is that right, if so, could i get that?

  • @kavyaseeramsetty5620
    @kavyaseeramsetty5620 7 місяців тому

    Hi
    Thanks for the video
    Very helpful
    And I am able to see the runs folder where it shows the detected image with bounding boxes

  • @SHEFNANAUSHAD-x7y
    @SHEFNANAUSHAD-x7y 6 місяців тому

    Thankyou so much sir. I was in search of an object detection on a custom dataset. You really helped me well. And now Im confident enough to start the project :) Thankyou Again..!! looking forward for more tech related videos in this area.

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

    thank you,