Yolo v5 on Custom Dataset | Train and Test Yolov5 on Custom Dataset

Поділитися
Вставка
  • Опубліковано 11 чер 2021
  • Explained Practically how to use yolov5 on Custom dataset.
    Github link: github.com/AarohiSingla/yolov5
    Dataset Used: : www.kaggle.com/valentynsichka...
    YOLOv5 is the latest version of YOLO family of object detection models. It's the first YOLO implementation in PyTorch (rather than Darknet) and emphasizes ease of use and quickness of training and inference. This YOLOv5 tutorial shows you how to train the model on your own dataset in Python and how to test your Model.
    What is YOLO?
    YOLO stands for You Only Look Once
    YOLO is an algorithm that uses neural networks to provide real-time object detection. This algorithm is popular because of its speed and accuracy. It has been used in various applications to detect traffic signals, people, parking meters, and animals.
    With the timeline, it has become faster and better, with its versions named as:
    YOLO V1
    YOLO V2
    YOLO V3
    YOLO V4
    YOLO V5
    YOLO V2 is better than V1 in terms of accuracy and speed.
    YOLO V3 is not faster than V2 but is more accurate than V2 and so on.
    How the YOLO algorithm works?
    YOLO algorithm works using the following three techniques:
    1- Residual blocks: image is divided into various grids. Each grid has a dimension of n X n
    2- Bounding box regression
    3- Intersection Over Union (IOU) : YOLO uses IOU to provide an output box that surrounds the objects perfectly.
    Join this channel to get access to perks:
    / @codewithaarohi

КОМЕНТАРІ • 226

  • @Shashank-vv4ex
    @Shashank-vv4ex 2 роки тому +1

    I 've been following your video from the beginning. Thank you for the amazing explanation!!!

  • @Augmented_AI
    @Augmented_AI 2 роки тому +1

    Well done Aarohi - Great tutorial :)

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

    Best video ever.. many other videos does not work... your video is very very clear and straight to the point. Many many thanks

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

    Such wonderful tutorials with precise explaination and easy to follow. Thanks a lot for the amazing work your doing!

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

    The only video that made me understand the yolov5 network. Thanks a lot

  • @RanjitSingh-rq1qx
    @RanjitSingh-rq1qx Рік тому

    I seen your video at first time. Really you are explaining all lines of code. In a very easy manner. And trust after watched this video I subscribed 👍 your channel. Because i want learn in a easy manner.

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

      Glad my videos are helpful and thankyou for subscribing. Keep Watching 😊

  • @MBkingsoft
    @MBkingsoft 2 роки тому +4

    Thank you so much for amazing and very clear tutorials. You explain things very well. I love your videos. Are you going to do a video/playlist on YOLOR anytime soon?

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

    Thanks Ms. Aarohi, you're a superstar. Thanks for this video, came in super handy during a very crunch project! :))

  • @tgfundamentals3481
    @tgfundamentals3481 2 роки тому +2

    Thanks for the great tutorial but there are slight rectification needed. Weights file are not downloaded by default. It is created when you do training. Only after training you will be able to see the weights file.

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

    It was so clear, thank you so much. I am going to learn more from your videos.

  • @NomadicBeatsLA
    @NomadicBeatsLA 2 роки тому +2

    Mam, The graphs we have are Precision, Recall, mAP. How do we find out the accuracy of the model?

  • @shekharkumar1902
    @shekharkumar1902 2 роки тому +2

    I became your fan mam...you're education really helping 1000s of students to learn state of art algorithms and their practical uses. How to create custom dataset for Yolo ?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      Put all the images in folder and then Use labelImg tool. You can download it from github.

  • @marcusroler6516
    @marcusroler6516 3 роки тому

    Nice video, it's quite a bit easier than getting yolo_v4 to run. Thank you.

  • @mehwish722
    @mehwish722 2 роки тому

    Very precise explanation. Many thanks :)

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

    thankyou madam that was useful. i trained using my own dataset but no matter how long i trained it the m@p will not get improved from 0.34 something like that i have used same data for yolov4 but it performs well

  • @basilkj6316
    @basilkj6316 3 роки тому

    Great way of explanation!!
    Keep going

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

    Your Video Helps alot ! Thank You Very Much !

  • @ameer-alahmadi
    @ameer-alahmadi Рік тому

    Very excellent explanation! Thanks a lot.

  • @meghadeysarkar6730
    @meghadeysarkar6730 2 роки тому

    Hi! Thanks for the amazing tuitorial. I just completed implementing this. Could you please tell me what each of these "Class Images Labels P R mAP@.5 mAP@.5:.95: 100% 12/12 [00:27

  • @someetsingh1917
    @someetsingh1917 3 роки тому

    Great Video Ez tuto thou!

  • @waqaskhanii
    @waqaskhanii 2 роки тому +1

    Thats the best tutorial about training YOLOV5 on custom dataset.Just one question, after training, can we use live video feed on trained model

  • @mrpoeky2527
    @mrpoeky2527 2 роки тому

    Great video! thank you :)

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

    love you mam you solved a lot of my problem thanks
    ]

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

    Thank you so much, you are the best

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

    thank you very clear

  • @Mr.Esmaily
    @Mr.Esmaily 3 роки тому +1

    Really helpful, it would be awesome if you teach how to use Detectron2 as well, thx a lot

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

    This is very helpful thank you really

  • @nisreenalaas
    @nisreenalaas 2 роки тому

    Clear steps and perfect video in youtube, thank you very much ma'am. I have one thing I need you to clarify.. what is the format of images that must entered to yolov4 and yolov5? I have a dataset with bmp files and in grayscale mode with varient size. Do I need to convert the images before enter them to yolo? Please help

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      I am not sure about bmp images but I use jpg format in yolo. I think you need to convert the images into jpg format.

  • @raj-nq8ke
    @raj-nq8ke 2 роки тому

    Very helpful video.

  • @user-gm5rt9xd8z
    @user-gm5rt9xd8z Рік тому

    Awesome content, was very useful in my job!)
    But there is one question: when you tested the trained neural network on a single photo, the result was only a picture with highlighted areas.
    How can I get the coordinates of the corners of the selected area?

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

      use python to that for you
      img = cv2.imread(image_path)
      # convert the image to grayscale
      gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
      # apply thresholding on the gray image to create a binary image
      ret,thresh = cv2.threshold(gray,127,255,0)
      # find the contours
      contours, _ = cv2.findContours(thresh,cv2.RETR_TREE,cv2.CHAIN_APPROX_SIMPLE)
      # take the first contour
      cnt = contours[0]
      # compute the bounding rectangle of the contour
      x,y,w,h = cv2.boundingRect(cnt)
      print(x,y,w,h)

  • @upendrank7660
    @upendrank7660 2 роки тому

    Mam, if i want to count the number of sign board in the test image means what should i do?

  • @user-vi4xq9eo9i
    @user-vi4xq9eo9i Рік тому

    good job

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

    thank you ma'am

  • @drhope1234
    @drhope1234 3 роки тому +1

    Extreamly nice thank you it was verry helpful pleas can you show as how we can use our custom dataset

    • @CodeWithAarohi
      @CodeWithAarohi  3 роки тому

      Glad you liked my video. And you can follow this video ua-cam.com/video/yGMZOD44GrI/v-deo.html to prepare your custom dataset in the format of yolo And then you can apply yolov5 algorithm on it.

    • @drhope1234
      @drhope1234 3 роки тому

      @@CodeWithAarohi thank you so much for your help i wish you verry good continuation 😍

    • @CodeWithAarohi
      @CodeWithAarohi  3 роки тому +1

      @@drhope1234 welcome 🙏

  • @aftabhussain3317
    @aftabhussain3317 2 роки тому

    i found really helpfull, can you please help me?
    when i started training i got some error like this. " Label class 16 exceeds nc=2 in dataset.yaml. Possible class labels are 0-1" .
    i did everything correctly according to this tutorial.
    i will be very thankfull to you if guide me to this error..

  • @BhajansAshwin
    @BhajansAshwin 2 роки тому

    Thanks!

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

    i followed your tutorial step by step and i loved it but while training the module, when i enter that command to train, it is asking me to configure clear-ml and giving a comet warning and i am not getting a detect folder, can you please help me resolve the issue, if you want me to send you code i'll do so.
    thank you so much

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

    Amazing video. thank you very much. can you make video on vehicle detection and counting using camera captured video please shared video on this.

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

      I will cover the requested topic after finishing my pipelined work

  • @someetsingh1917
    @someetsingh1917 3 роки тому

    how do i Enable GPU Training on RTX series? any idea? havent found anything CUDn compatible!

  • @abhishek_maity
    @abhishek_maity 2 роки тому

    Can you please put a detailed implementation of yolo v5 with tracking ? It will be really helpful :)

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

    20:50 When I gave this command, my image didn't detect anything like I trained. It said no detections in the output. What can I do to the command to make it detect?

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

    Hi mam, I wanted to apply optical flow estimation inside the detected bounding box from YOLOv5, can you please help me

  • @sumitkumar-hn7rv
    @sumitkumar-hn7rv 2 роки тому

    Will you please provide this dataset link which you used to make prediction in your video ? By the way thank you so much for a great video about Yolov5 and there are some information missing for us like if I want to use to train the model for image resolution with 1024*1024. Then which weight I have to used to accomplish this task. Your view/help regarding this will be priceless.

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      Thank you for the feedback. Will try to cover such things in my upcoming videos. This dataset is available on kaggle.

  • @ayannaskar3689
    @ayannaskar3689 2 роки тому

    Hi Ma'am how can I measure distance from camera after detecting traffic sign.

  • @330_atharvashirgave8
    @330_atharvashirgave8 2 роки тому

    How to prepare those dataset? I have only test, train and train_label dataset.

  • @merondesta3895
    @merondesta3895 2 роки тому

    that was very interesting.my question is yolov5 uses image label format same with yolov4 right? and how can i use this model if i wanted to webcam ?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      !python detect.py --weights runs/train/exp/weights/best.pt --img 416 --conf 0.25 --source 0

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

    mam i am a colab user.cant figure out how to work in colab??data import and os.dir part

  • @dishabhatti6456
    @dishabhatti6456 2 роки тому

    Nice tutorial!! Thank You!!
    please guide me on what to do if I want to test on video instead of images?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +2

      Instead of image enter the path of video

    • @dishabhatti6456
      @dishabhatti6456 2 роки тому

      @@CodeWithAarohi
      Thank you!!
      I did it yesterday only.
      Thank you for uploading this video.
      It helps me a lot.

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      @@dishabhatti6456 Glad to know that my video helped you

  • @yilberrojas8306
    @yilberrojas8306 2 роки тому

    I love you

  • @shankn3520
    @shankn3520 2 роки тому

    Have approximately 65 images which has approximately 10 unique sub objects within each train image currently I am working on 4 labels with epoch of 60 and batch of 16 but it's able to detect only one object even if i use train data set. Is it bcoz my number of images are too less or my epoch and batch numbers have some issue? As same trained dataset worked perfectly fine in yolov4 darknet with 80-95% accuracy .

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      As you are saying you were getting good results in yolov4 with same amount of images then I think you should increase the number of epochs.

  • @0Flicker0
    @0Flicker0 Рік тому

    I'm trying to follow the video but I keep getting AttributeError: module 'tensorflow' has no attribute 'io', do you now what should I do?

  • @NomadicBeatsLA
    @NomadicBeatsLA 2 роки тому

    Mam, I have a query. Let's suppose I trained a model for 50 epochs and I want to continue the training from the 51st epoch. So how to save checkpoints and start to train the model from 51st epoch?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      mcp_save = ModelCheckpoint('best_model.h5', save_best_only=True, monitor='val_accuracy')
      model_final.fit(train_x, train_y, validation_data=(test_x, test_y), epochs=50, batch_size=8, verbose=1, callbacks=[mcp_save])

    • @NomadicBeatsLA
      @NomadicBeatsLA 2 роки тому

      @@CodeWithAarohi Thank you Mam. A follow up question. I got FP as 1 in the confusion matrix and mAP for all IOU from 0.5 to 0.95 is around 0.65. Please suggest me how to improve these results. And also if freezing and unfreezing can be done to improve these results.

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

    I don't know how but my training ran for 100 min for the first time and stopped and now it only runs for 5 sec. What to do?

  • @hinainam5037
    @hinainam5037 2 роки тому

    Hello ma'am can you please tell me how to find accuracy of the model???

  • @NomadicBeatsLA
    @NomadicBeatsLA 2 роки тому

    Mam, How to import all images from the test or val dataset and calculate the average time taken (inference time) by the model to detect the objects in one image?

  • @praveenreddy1767
    @praveenreddy1767 3 роки тому

    I have trained and predicted and everything works fine and I saved best.pt weights file to drive and tested again after few days its says requirment.txt not satified ? Again should i train ?

    • @CodeWithAarohi
      @CodeWithAarohi  3 роки тому

      Check if the requirement.txt file is there. IF it is there then check if everything from requirement.txt file is installed at your new location.

  • @ameer-alahmadi
    @ameer-alahmadi Рік тому

    Please, I have a problem: when I used cv2.dnn.readNetFromTensorflow I need a weight file (.pb) which I've got but it need also a configuration file (.pbtxt) so how can I get a (.pbtxt file). Thanks a lot.

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

      To use the cv2.dnn.readNetFromTensorflow method in OpenCV, you will need to provide both a weight file (.pb) and a configuration file (.pbtxt). The weight file contains the trained weights of the model, and the configuration file defines the network architecture and other details of the model.
      If you only have the weight file and not the configuration file, you will need to recreate the configuration file in order to use the model with OpenCV. This can be done by using the TensorFlow framework to extract the network architecture and other details from the weight file. Here is an example of how to do this using TensorFlow 2.x:
      Copy code
      import tensorflow as tf
      # Load the weight file using the TensorFlow Keras API
      model = tf.keras.models.load_model("my_model.pb")
      # Save the model architecture to a .pbtxt file
      with open("my_model.pbtxt", "w") as f:
      f.write(model.to_json())
      This code will load the weight file using the TensorFlow Keras API, and then save the model architecture to a .pbtxt file. You can then use this .pbtxt file together with the weight file when calling cv2.dnn.readNetFromTensorflow.
      I hope this helps!

    • @ameer-alahmadi
      @ameer-alahmadi Рік тому

      @@CodeWithAarohi OK understood. Thanks a lot for your kind generous reply. I really appreciate your help.

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

    it's giving me an error saying module "models" not found, even though I'm trying to install it isn't getting installed

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

    i do my research using yolov5, but i dont understand how to modify the backbone or changing attention module. can you please put a detailed implementation different backbone on yolov5 like using resnet, mobilenet or vgg to yolov5???

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

      Will try to cover that but after finishing my pipelined tasks.

  • @abdulrahimshihabuddin1119
    @abdulrahimshihabuddin1119 2 роки тому

    Ma'am , I have a dataset which have been labeled with two classes on each image. I need to detect both classes on the test image. So will your code work the same for my purpose? Or do I have to change it?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      Yes this code will work. You have to make few changes like the name of classes and number of classes. After watching the video, you will know where to make changes.

    • @abdulrahimshihabuddin1119
      @abdulrahimshihabuddin1119 2 роки тому

      @@CodeWithAarohi Thank you ma'am. It seems like YoloV5 implementation is far easier than YoloV4.
      I do have another doubt. I also want to implement Yolov4 with my dataset. Would it work properly if I annotate each image with instances of both classes and keep both the image file and annotation text files in a single folder? Or do I have to create separate folders for each class?

  • @ihebchiha9205
    @ihebchiha9205 2 роки тому

    Hello, does including negative photos to my dataset improve the detection of custom object?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      If your dataset have class Imbalance problem then try to solve it. Try to have equal number of positive and negative photos

  • @vighneshivaturi9294
    @vighneshivaturi9294 2 роки тому +1

    I was trying the same model for my dataset. But while training its giving me error saying dataset no found,nonexistent paths. Some please help me with this. Thankyou

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

    Hi, the Yolov5 confusion matrix does not match the precision and recall rate

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

    Output is not stored in the weights folder mam can you give solution?

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

    I am doing it but it is not creating any weights. Neither best.pt nor last.pt

  • @GeekGenius10
    @GeekGenius10 2 роки тому

    Ma'am, why didn't you create 'test' folder?

  • @harshgehlot5093
    @harshgehlot5093 2 роки тому

    Thanks for the video mam . I have trained a model on colab. Can you please tell me how i can save the model and use it in some other project.

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      The model saving process is same as we save on our local computer

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

    I am wondering if I would like to use a test set and see the accuracy of using that. How should I do it?

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

      Yes, ViT can be applied to video datasets. While ViT was initially designed for processing static images, researchers have extended its application to video data by incorporating temporal information.

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

    hi, mam, i have trained the model, but if i test an image(.jpg), then a blank folder (exp) is created inside detect like detect\exp , thus it throws file (best.pt) not found error although i have it. thanks a lot.

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

    Hi, where did you use the annotations txt files?

    • @CodeWithAarohi
      @CodeWithAarohi  9 місяців тому +1

      When you train YOLOv5, it reads both the image files and the corresponding TXT annotation files from data.yaml

  • @rekhasaboji7163
    @rekhasaboji7163 2 роки тому

    I'm getting assertiom error while training how to debug it

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

    Can you plz explain confusion matrix

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

    When I cloned the folder yolov5 i didn't find the weight folder, they delete on the Github page and I'm facing a problem because of that, can you provide me a solution for that?
    and thank you so much

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

      Follow this video: ua-cam.com/video/mFrnRIVj8m0/v-deo.html

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

      @@CodeWithAarohi Thank you so much for the reply , i will try it.

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

    mam, I'm using the same code in colab, but while training after caching of training image, val images are not caching, showing error - " No such file or directory: '/content/dataset/labels/val.cache' ".
    please help

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

      same error in jupyter notebook if you solved the error please let me know

  • @thirumalaivenkadesanv9607
    @thirumalaivenkadesanv9607 2 роки тому +2

    when i run this program i had this error .i already change file name also [Errno 2] No such file or directory: 'C:/Users/Admin/Documents/72087/data/ts/boat375.txt'

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

    It show error like this python: can't open file 'C:\Users\Kalaivani\Desktop\anconda_pc\train.py': [Errno 2] No such file or directory. .. Please reply

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

      It means that the train.py file is not present at that location.

  • @mangcoshielamaer.
    @mangcoshielamaer. Рік тому

    Can you tell me how to get the annotate file and text file of a dataset in Roboflow?

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

      Sure, here are the steps to get the annotation file and text file of a dataset in Roboflow:
      Open the Roboflow platform and sign in to your account.
      Click on the "Datasets" tab in the top navigation menu.
      Select the dataset you want to work with from the list of datasets.
      In the dataset view, you will see several tabs such as "Images," "Classes," "Annotations," etc. Click on the "Annotations" tab.
      You will see a table that lists all the annotations for the images in your dataset. To download the annotation file, click on the "Download" button in the top right corner of the table and select the desired file format.
      To download the text file that contains the image paths and their corresponding annotations, click on the "Export" button in the top right corner of the dataset view and select the "CSV" option.
      In the CSV export dialog, select the columns you want to include in the text file (e.g., "image path," "class name," "bounding box coordinates," etc.) and click on the "Export" button.
      Your text file will be generated and you can download it by clicking on the "Download" button.
      That's it! You should now have the annotation file and text file for your dataset in Roboflow.

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

    In training process we only give images path ...and also we give images path in .YAML file ...so my query is why we create labels if our model is not using that labels?????

    • @CodeWithAarohi
      @CodeWithAarohi  5 місяців тому +1

      Both the input data (images) and the labels are crucial. The reason you provide image paths in the YAML file is so that the training script knows where to find the images. However, alongside these images, the corresponding labels are also expected to be in a specific format and location, typically in the same directory structure as the images.

    • @bvs7415
      @bvs7415 5 місяців тому +1

      @@CodeWithAarohi ohkkk....thank you so much 👍

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

    Yolov5 folder does not have run folder and yolov5s.pt file .how should we proceed further.help us to resolve this problem mam!

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

      You need to download the yolov5s.pt from official YOLOv5 github repo. And runs folder will get created when you start the training.

  • @reealtech_xr
    @reealtech_xr 2 роки тому

    can we use pascal voc dataset in xml formate without changing it to text file formate

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому +1

      Your data should be in the format which yolov5 accepts

  • @rhymes_touches_myheart
    @rhymes_touches_myheart 2 роки тому

    Great video mam . I have one issue in yolo v4 that if my image shape is 4000x3000 then in config file what will be the height and weight values?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      Whatever height and width of images you have in your dataset. Yolo will resize it to the height and width which you define in cfg file. For eg: If your height and width is 416 in your config file then your dataset images will get resized to this size.

    • @rhymes_touches_myheart
      @rhymes_touches_myheart 2 роки тому

      @@CodeWithAarohi mam will it affect the prediction if my dataset shape is high and yolo resize it to lower shape ?

  • @JOHN-vb5bh
    @JOHN-vb5bh 3 роки тому

    how to get ap75 or map0.75

  • @Kishi1969
    @Kishi1969 2 роки тому

    Dear Ma, urgent assistance im facing many troubles [13] and i followed all instructions

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

    Can you confirm this code comes under which type in yolov5-(nano, small, medium, large, and extralarge)

  • @benyajamiu8879
    @benyajamiu8879 2 роки тому

    Its possible to use 1) CPU if possible what pyTorch to install and do you have in Google Colab using Yolov5?

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      For cpu : INstall pytorch from this kind of command # CPU only
      pip install torch==1.10.0+cpu torchvision==0.11.0+cpu torchaudio==0.10.0 -f download.pytorch.org/whl/torch_stable.html

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      No, I don't have the code for google colab but the steps are same. Just paste whatever I have written in Jupyter notebook in Google colab and run. Just change the paths only

  • @RajKumar-kn5kt
    @RajKumar-kn5kt 2 роки тому

    HOW ADD TWO MODEL INTO ONEMODEL

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

    Hello,
    Can you explain us how we can retrain our model in order to obtain better results?

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

      Collecting more data: One of the main reasons for a model to underperform is a lack of sufficient data to train on. Preprocessing the data: The quality of the data you use to train your model is very important.
      Tuning hyperparameters: Hyperparameters are settings that can be adjusted to optimize the performance of your model. Tuning hyperparameters can help you find the best combination of settings for your model.

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

    Mam can i do for the currency detection?

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

    does this use the gpu and if it doesn't, how do I use my GPU for bigger datasets? I'm using jupyter via an anaconda environment

    • @CodeWithAarohi
      @CodeWithAarohi  3 місяці тому +1

      Just add --device 0 parameter to your training command to use gpu and to use cpu, you can use --device cpu

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

      @@CodeWithAarohi damn. I've been trying so many tutorials and didn't know it was this easy😭

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

    Mam you explain very well but i have problem first time when i write the code till python.... dataset. yaml and i got error again and again no yaml file (assertion error). but i have added right path. 2nd i delete the project file and start again but now when i run the txt files(annotated) from data folder got disappear 2 3 files minimum after every run.. please anybody can help me I'm stuck from 2 days

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

      Mail me the same at aarohisingla1987@gmail.com . I will send you a demo code. Follow that and issue will be resolved

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

      Thanks i mailed you 😁

  • @randomshits2742
    @randomshits2742 2 роки тому

    prof....how to read custom annotated image dataset in Rstudio ....coco or yolo or Pascal..... please help.....

  • @shuvagota8885
    @shuvagota8885 3 роки тому

    if i already have yolo formate of images,then should i do split by code??

    • @CodeWithAarohi
      @CodeWithAarohi  3 роки тому

      Yes you can split directly then

    • @shuvagota8885
      @shuvagota8885 3 роки тому

      @@CodeWithAarohi then i dont need to write any code?

  • @neilpatel3323
    @neilpatel3323 3 роки тому +1

    Where can I find this dataset???

    • @CodeWithAarohi
      @CodeWithAarohi  3 роки тому +1

      This dataset is available on kaggle but sorry I don't have the link now.

  • @aissaelouahabi9503
    @aissaelouahabi9503 2 роки тому

    some 1 works with him that ?

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

    can you elaborate what is the img size is?

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

      Size of the image which you want to provide to the model for training.

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

    mam, yolov5s.pt file is not downloaded,what should i do??

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

      Download it from github.com/ultralytics/yolov5 check the Pretrained Checkpoints section and download it from there

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

    Hi. I need a custom model for detecting edges for a medical app. Can you pls guide. Thanks

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

      How can I help?

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

      @@CodeWithAarohi I am actually a noob in python and CNN. Have been searching all over for a CNN which works well in edge detection for medical images. All i am able to find is object detection with bounding boxes but nothing which reliabally find the edge of object (in my case, the boundry between the black and white portion of the eye). Canny edge or lapacian detection does not work for me. Could you pls guide where should i look for help? Thanks

  • @roboticsforunitedindia9421
    @roboticsforunitedindia9421 2 роки тому

    Mam if I joinsed your courese you can teach how to use tensorboard in yolov1 to yolov5 detection models

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

    How to get txt files for evety img? I have only img only not conatning txt file for it..please help

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

      You need to annotate your dataset to have txt annotations for each file. You can use LabelImg tool for that. You can install it using pip install labelImg

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

      @@CodeWithAarohi i have created model by watching your video thank you now if i want to use the model in jupyter notebook to predict new images , how to do that? Please help

  • @lewis3774
    @lewis3774 2 роки тому

    When i run the training line of code, it increases my ram a lot then does nothing? I have left it a long time and my GPU/ CPU are not being used.

    • @CodeWithAarohi
      @CodeWithAarohi  2 роки тому

      Can you share a screenshot

    • @lewis3774
      @lewis3774 2 роки тому

      @@CodeWithAarohi Thankyou for your reply. I reduced the batch size down to 2 and it trained! However, there is no output? I had to wait until my GPU was down in usage to know it had stopped training.

    • @lewis3774
      @lewis3774 2 роки тому

      @Yash Vardhan Singh try using a batch size of 2, only use a small amount images, and train the images with a small resolution

    • @lewis3774
      @lewis3774 2 роки тому

      @Yash Vardhan Singh hmmm. Did you install the requirements?

    • @lewis3774
      @lewis3774 2 роки тому

      @Yash Vardhan Singh I assume your doing this in jupyter notebook? :)