YOLO-NAS Custom Object Detection | Fall Detection Using YOLO-NAS

Поделиться
HTML-код
  • Опубликовано: 4 май 2023
  • Learn to use Pretrained YOLO-NAS and YOLO-NAS on custom dataset.
    Github: github.com/AarohiSingla/YOLO-NAS
    SuperGradients GitHub: bit.ly/yolo-nas-launch
    Starter Notebook: bit.ly/yolo-nas-starter-notebook
    Training with SuperGradients, Deci's open-source, PyTorch-based computer vision library, enables advanced techniques like Distributed Data Parallel, Exponential Moving Average, Automatic mixed precision, and Quantization Aware Training.
    SuperGradients is fully compatible with PyTorch Datasets and Dataloaders, so you can use your dataloaders as is.
    #yolo-nas #computervision
  • НаукаНаука

Комментарии • 145

  • @omermelezat7571
    @omermelezat7571 Год назад +1

    Thank you so much. When a new yolo model has been released, I always wait your videos for more and clear understanding.

  • @16kthakrar
    @16kthakrar Год назад

    Your content is wonderful. Thank you for sharing with the community!

  • @Rodrigo.Aragon
    @Rodrigo.Aragon Год назад

    Great content. Keep it up!🔝💯 Greetings from Guatemala 🇬🇹

  • @shwetabhat9981
    @shwetabhat9981 Год назад +4

    Great content ma'am ..just love the way you explain 🎉🎉 Thank you .

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      Glad it was helpful!

    • @ParthPatel-vi5hi
      @ParthPatel-vi5hi 7 месяцев назад

      @@CodeWithAarohi Hi... I am beginner in ML, and got so many errors in traing. Is it possible for you to send me trained model. i mean weights.

  • @deepakts8941
    @deepakts8941 Год назад +1

    Thanks a lot mam, the way you explain is very helpful & easy to understand. Your work is inspiring.

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      You are welcome 🙏 Glad my videos are helpful!

    • @deepakts8941
      @deepakts8941 Год назад

      @@CodeWithAarohihi mam, which Yolo model is better for small object detection ( like grains ) now I am using Yolo v7 can I switch to V8 or NAS

  • @AliOsmanHocam
    @AliOsmanHocam Год назад

    Thank you for an excellent explanation.👏

  • @Deepsim
    @Deepsim 9 месяцев назад +1

    Great and easy understanding tutorial video!

  • @adityaerlanggawibowo
    @adityaerlanggawibowo 7 месяцев назад

    Love your explaination, Thanks...

  • @ashimov1970
    @ashimov1970 4 месяца назад

    Amazing! Perfect! 👏👏

  • @muhammadumarsotvoldiev8768
    @muhammadumarsotvoldiev8768 9 месяцев назад +1

    Thank you very much for your work!

    • @CodeWithAarohi
      @CodeWithAarohi  9 месяцев назад

      My pleasure!

    • @ParthPatel-vi5hi
      @ParthPatel-vi5hi 7 месяцев назад

      Hi... I am beginner in ML, and got so many errors in traing. Is it possible for you to send me trained model. i mean weights.

  • @danielalejandronavarroluna8374
    @danielalejandronavarroluna8374 11 месяцев назад

    Good Explanation, im learning from Colombia

  • @abd-alrhmanabdallah8388
    @abd-alrhmanabdallah8388 Год назад

    How can I prepare dataset_params if I have a dataset structured as follows: Vid1/images and labels, Vid2/images and labels, and so on up to Vid100? The dataset consists of multiple videos, with each video stored in its own folder.

  • @ashberten6884
    @ashberten6884 Год назад +1

    Great video. Thank you so much. How can I use it on smartphone? Is it possible to convert it into TFLite?

  • @Sandykrang
    @Sandykrang Год назад

    Great video, thanks for sharing.
    Can we get the result here like yolov8?

  • @amrzakaria5290
    @amrzakaria5290 Год назад

    Thanks a lot , good job.

  • @everythingaccount9619
    @everythingaccount9619 Год назад +3

    Is YOLO-NAS commercial use friendly?

  • @mohamedsmouni3051
    @mohamedsmouni3051 Год назад +1

    thanks for the great content i have question, how we can generate the plots like ones we get by default in yolov8

    • @AliOsmanHocam
      @AliOsmanHocam Год назад

      You can use the following commands after the training:
      %load_ext tensorboard
      %tensorboard --logdir {CHECKPOINT_DIR}/{EXPERIMENT_NAME}

  • @ashimasingla103
    @ashimasingla103 Год назад

    Thats a very nice video ma'am

  • @TugceKeskin-px5wh
    @TugceKeskin-px5wh Год назад

    I tried the run notebook and when in the training step, I got the "'Trainer' object has no attribute 'train_loader'" error.

  • @trendyimpacttv
    @trendyimpacttv 3 месяца назад

    my colab keep crashing when i try to execute that training block, it throws an error "you colab session crash for unknown reason". my train images are 36, test images are 12, and val images are 9. batch size i have kept just 2. i have tried minimum possible data and batch size because everywhere i searched about the issue they says its about the memory limitations while these are so lower data that it should not cause memory issues

  • @user-th8id5vv7u
    @user-th8id5vv7u Год назад

    you make very cool videos!

  • @user-fl4zw2cz2i
    @user-fl4zw2cz2i Год назад

    Hi Arohi , I am getting this error when i am trying to train.AttributeError: 'Trainer' object has no attribute 'train_loader'

  • @Sandykrang
    @Sandykrang Год назад

    do we also have to annotate test data here ?

  • @mautushidas8368
    @mautushidas8368 3 месяца назад

    hello, thank you so much for explaining everything. I have a question. after training on custom data in checkpoints folder it is saving both the best and latest ckpt.pth. I just wanted to save the best checkpoint only. How can I do that.

    • @CodeWithAarohi
      @CodeWithAarohi  2 месяца назад +1

      You can check their source code and where they have code for saving best.pt and last.pt You can make modifications there to work for your requirements.

  • @soravsingla8782
    @soravsingla8782 Год назад

    Very nice video

  • @justusjonas8506
    @justusjonas8506 Год назад

    thanks needed falldetection

  • @HH_Life
    @HH_Life Год назад

    Thank you for sharing !
    I am currently facing the following issue:
    super-gradients 3.1.0 requires pyparsing==2.4.5
    , but roboflow requires pyparsing==2.4.7.
    Pyparsing version is incompatible.
    do I need to resolve this issue?

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      If you are not using dataset directly from roboflow then uninstall roboflow and run your yolo-NAS model. And if you want to use both modules then try to upgrade super-gradients to a version that is compatible with pyparsing version 2.4.7 or Downgrade roboflow to a version that is compatible with pyparsing version 2.4.5.

  • @Sunil-ez1hx
    @Sunil-ez1hx Год назад

    Thank you for sharing mam

  • @user-zn8cw8ty2t
    @user-zn8cw8ty2t 6 месяцев назад

    I have 1000 test images but when using your code it only runs through 100 images. Can you help me solve this problem?? Because I want it to run through all 1000 photos

  • @balveersingh3051
    @balveersingh3051 Год назад +1

    Thank you

  • @deepakts8941
    @deepakts8941 Год назад

    @CodeWithAarohi hi mam, which Yolo model is better for small object detection ( like grains ) now I am using Yolo v7 can I switch to V8 or NAS

    • @infocus2160
      @infocus2160 Год назад

      Switch to NAS good for small objects

    • @deepakts8941
      @deepakts8941 10 месяцев назад

      @@infocus2160thank you soo much

  • @nhattuyen1123
    @nhattuyen1123 Год назад +1

    Can you stream video and perform real-time detection in future videos? I'm interested in knowing the latency when conducting real-time detection.

  • @victorarayal
    @victorarayal Год назад

    Hi! Do you plan to do a video about how to use the gpu properly on Windows? I have tried with tensorflow and it is just really difficulty to make it work at least for me.
    In your video it just works

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      You need to install cuda and cudnn in your windows machine as per your tensorflow version you are using. You can check this link for knowing about the cuda and cudnn support for tensorflow. Check under GPU section: www.tensorflow.org/install/source

    • @rajnishinde1148
      @rajnishinde1148 8 месяцев назад

      ​@@CodeWithAarohidoes this support in Mac os ?

  • @ThibaultItartLongueville
    @ThibaultItartLongueville Год назад +1

    Great news! Thanks for your video. Is it possible to track objects natively with YOLO-NAS?

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад +1

      Yes, it is possible to track objects natively with YOLO-NAS, but it depends on the specific implementation and configuration. Object tracking is a different task than object detection, and while YOLO-NAS was designed primarily for object detection, it can be used for object tracking with additional modifications and techniques.
      One common approach to object tracking with YOLO-NAS is to use a combination of object detection and object tracking algorithms. For example, you can use YOLO-NAS for object detection in the first frame of a video or sequence, and then use an object tracking algorithm, such as Kalman filters or particle filters, to track the detected objects in subsequent frames.

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      Another approach is to modify the YOLO-NAS architecture to include object tracking capabilities directly within the neural network. This can involve incorporating additional layers or modules that enable the network to track objects across frames, as well as modifying the loss function to include object tracking objectives in addition to object detection objectives.

    • @yeongnamtan
      @yeongnamtan Год назад

      @@CodeWithAarohi Great video. Well explained. Are you able to do a tutorial to incorporate object tracking ?

  • @shashwatpandey3556
    @shashwatpandey3556 4 месяца назад

    Hey there I got my local system at 128GB RAM, and RTX 3090 24GB card, I don't know why but the kernel dies soon as the training starts. Is the system requirement not sufficient or is it a problem with the code?
    Can you help out!

    • @CodeWithAarohi
      @CodeWithAarohi  4 месяца назад

      System requirement is not a problem here. Check if you have right version of cuda.Check if pytorch is compiled with cuda. Also try to reduce the batch size and then test. Or if the images you are using are of high resolution then try with low resolution images.

  • @CG-Highlights
    @CG-Highlights Год назад +1

    Maam can u please help me with this issue.
    When running this command "trainer.train(model=model,
    training_params=train_params,
    train_loader=train_data,
    valid_loader=val_data)"
    I'm getting the following error : 'Trainer' object has no attribute 'train_loader'

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      Please check your code taking reference from this: github.com/AarohiSingla/YOLO-NAS/blob/main/YOLONAS_Custom_dataset.ipynb

    • @CG-Highlights
      @CG-Highlights Год назад

      @@CodeWithAarohi I've directly runned your jupyter notebook itself, but still facing the issue

    • @techwithdk6048
      @techwithdk6048 Год назад

      @@CG-Highlights :Same issue with me , please let me know if you get the answer

    • @techwithdk6048
      @techwithdk6048 Год назад

      @@CodeWithAarohi : Even im facing the same issue

  • @sankalpraoyerra7330
    @sankalpraoyerra7330 Год назад

    Hello,
    I want to use dataset that was annotated using instance segmentation technique for YOLO-NAS. Is it possible? Thanks in-advance

    • @ParthPatel-vi5hi
      @ParthPatel-vi5hi 7 месяцев назад

      Hi... I am beginner in ML, and got so many errors in traing. Is it possible for you to send me trained model. i mean weights.

  • @ucduyvo4552
    @ucduyvo4552 Год назад

    can the combine between yolov8 pose and mediapipe estimate the fall or multi person activies

  • @user-yk3fr5zh1h
    @user-yk3fr5zh1h Год назад

    why am i getting error of microsoft c++ build tools (
    which i have updated) on intsalling super-gradients?

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      Ensure that you have the necessary build tools installed, repair the installation if needed, check for additional dependencies, and verify that your Python environment matches the architecture of the build tools.

  • @phibansabethnongkseh4822
    @phibansabethnongkseh4822 7 месяцев назад

    I already installed super gradients library in my jupyter notebook but still it shows no module found even after restart the kernel too

    • @CodeWithAarohi
      @CodeWithAarohi  7 месяцев назад

      Try to activate the environment again and then check the version of super-gradients.

  • @zikiounadia3113
    @zikiounadia3113 11 месяцев назад

    Thanks for the great explanation! I'm having this error after lunching the prediction: "Input type (unsigned char) and bias type (struct c10::Half) should be the same "

    • @CodeWithAarohi
      @CodeWithAarohi  11 месяцев назад

      I am not sure why are you getting this error but as per the error you need to change the bias type to match the input type or Convert the input type to match the bias type

    • @nz-oi6yj
      @nz-oi6yj 11 месяцев назад

      Hi, I'm getting the same error, did you manage to solve it?

  • @user-jo2zb1rp5w
    @user-jo2zb1rp5w 11 месяцев назад

    Great! How to resume to training process if it pauses.

    • @CodeWithAarohi
      @CodeWithAarohi  11 месяцев назад

      Set parameter "resume" with the same experiment_name in trainer initialization
      train_params = {
      "resume": True,
      ...
      }
      trainer.train(model=model,
      training_params=train_params,
      train_loader=train_data,
      valid_loader=val_data)

  • @surendhrancbe7872
    @surendhrancbe7872 4 месяца назад

    "Thanks a lot, ma'am. Does the YOLO NAS model outperform two-shot detector models like Mask R-CNN based on accuracy?"

  • @techwithdk6048
    @techwithdk6048 Год назад

    Im getting below error
    AttributeError: 'Trainer' object has no attribute 'train_loader'
    in below code
    trainer.train(model=model,
    training_params=train_params,
    train_loader=train_data,
    valid_loader=val_data)
    any reason

  • @swimmingliu
    @swimmingliu 8 месяцев назад

    AWESOME video!!! But how to evaluate mAP@0.5:0.95 metrics

  • @shraddhamore7963
    @shraddhamore7963 11 месяцев назад

    Hello mam.. nice video.
    I m interested to know about how to evaluate performance of the YOLO NAS model in terms of mAP, Accuracy, Latency and other performance metrics required for object Detection.
    Can you please provide code for the same?

    • @ParthPatel-vi5hi
      @ParthPatel-vi5hi 7 месяцев назад

      Hi... I am Beginer in ML, and got so many errors in traing. Is it possible for you to send me trained model. i mean weights.

  • @emmanuelakpaklikwasi4300
    @emmanuelakpaklikwasi4300 Год назад

    Your content is awesome. But incase i annotate my images in roboflow how do insert it to train my dataset?

  • @subashchandrapakhrin3537
    @subashchandrapakhrin3537 Год назад

    Hi Aarohi Do you have the video series of vision Transformers. Your videos are good though.

  • @ashishpatel7146
    @ashishpatel7146 Год назад

    Can i also get depth value of object with yolo-NAS model?

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      No, It is designed for object detection in 2D images and focus on accurately localizing and classifying objects within an image. But you combine object detection models with depth estimation techniques. For example, you can use a separate depth estimation algorithm or model alongside YOLO to infer the depth of detected objects in a scene. By fusing the results from both models, you can obtain both the 2D bounding box and an estimation of the object's depth.

  • @sumanpahari4220
    @sumanpahari4220 Год назад

    Thank You madam for your video. I can learn lot from You. How can we get details of objects which are detected by model prediction. like class, bounding boxes and other details?
    Thank You

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      predictss = model.predict(image, conf = confidence)._images_prediction_lst

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      ._images_prediction_lst will provide you all the details

    • @sumanpahari4220
      @sumanpahari4220 Год назад

      @@CodeWithAarohi Thank you mam for your response. Can we use any other pre-trained model instead of coco? If there is any documentation for all kinds of information please provide the link.
      Thank you so much madam

  • @thangdaoxuan
    @thangdaoxuan 7 месяцев назад

    Thank you so much 😍😍 This is a very good video. But I have a problem when trying to run your code. I tried to train a model with a large number of epochs (50 epochs) but due to limited gpu usage time, I could not finish training that model. Can you help me solve that problem??

  • @readbhagwatgeeta3810
    @readbhagwatgeeta3810 10 месяцев назад

    Mam, I am unable to install super_gradients because it is showing building wheel for pycocotools(project.toml) did not run successfully. Please can anyone help🙏🙏

    • @CodeWithAarohi
      @CodeWithAarohi  10 месяцев назад

      Check if you have cython installed. Try this pip install pycocotools-windows

  • @raffelravionaldo463
    @raffelravionaldo463 11 месяцев назад

    hello, nice video there, may I know how to build own dataset for train YOLO-NAS?

    • @CodeWithAarohi
      @CodeWithAarohi  11 месяцев назад

      Suppose you have a dataset in yolo v5,v7 or v8 format. Just follow the steps from 11:30 timestamp

  • @helloansuman
    @helloansuman 11 месяцев назад

    How to train this on 2 GPUs?

    • @CodeWithAarohi
      @CodeWithAarohi  11 месяцев назад +1

      setup_device(num_gpus=4)

    • @helloansuman
      @helloansuman 11 месяцев назад

      @@CodeWithAarohi thank you I will try on Monday.

  • @hariharavalliappan2811
    @hariharavalliappan2811 8 месяцев назад

    Is it applicable for classification?

    • @CodeWithAarohi
      @CodeWithAarohi  8 месяцев назад

      Yolo Nas is an object detection model.

  • @user-mm8bw3uv5o
    @user-mm8bw3uv5o Год назад

    Hello mam, which python version is this? 3.10. x?

  • @karthikd8728
    @karthikd8728 Год назад +1

    Ma'am can u pls send the jupyter notebook of fall detection bcos we are doing as our clg project it will be helpful to us plssssssssss

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад +1

      github.com/AarohiSingla/YOLO-NAS

    • @karthikd8728
      @karthikd8728 Год назад +1

      @@CodeWithAarohi thank you so much ma'am

  • @praveennaik6804
    @praveennaik6804 10 месяцев назад

    Hi Mam,
    Can you please try for YOLOX for custom dataset.... on colab environment

  • @user-qq1rq1fs5b
    @user-qq1rq1fs5b 8 месяцев назад

    Hello, Can you share the full version of fall detection dataset?

    • @CodeWithAarohi
      @CodeWithAarohi  8 месяцев назад

      universe.roboflow.com/sabya/fall_det-q1dp5

  • @balachandar.k3363
    @balachandar.k3363 6 месяцев назад

    Error in installation of super gradient. Mam pls help mam

  • @jasmsd8668
    @jasmsd8668 Год назад

    How to do for segmentation on custom dataset

  • @ushaprasad9692
    @ushaprasad9692 5 месяцев назад

    hello mam... nice project. can i get a research paper on this project

    • @CodeWithAarohi
      @CodeWithAarohi  5 месяцев назад

      deci.ai/blog/yolo-nas-object-detection-foundation-model/

  • @MrLorde76
    @MrLorde76 Год назад

    Greate content. Can you share the dataset?

  • @mohammedjunaid1055
    @mohammedjunaid1055 11 месяцев назад

    Ma'am can you put your dataset link to use to detect fall

  • @RaheelMuhammad-yr7ix
    @RaheelMuhammad-yr7ix 8 месяцев назад

    Please Record a video using this model in an Android app.

  • @Studio-gs7ye
    @Studio-gs7ye Год назад

    Unable to import super_gradients
    ImportError: cannot import name 'is_directory' from 'PIL._util' (/usr/local/lib/python3.10/dist-packages/PIL/_util.py)

  • @janardanpandey6942
    @janardanpandey6942 Год назад

    Great Aarohi, Thanks
    I'm having issue while working with custom dataset, in the line train_data.dataset.plot() getting SYSTEM ERROR (SystemError: new style getargs format but argument is not a tuple) mssg (I'm using RTX 4090)

    • @CodeWithAarohi
      @CodeWithAarohi  Год назад

      There is a problem with the arguments passed to the plot() function in the train_data.dataset object. This error is typically caused by a mismatch between the expected input format and the actual argument provided. Your GPU is not affecting the code.