Code With Aarohi
Code With Aarohi
  • 271
  • 3 389 585
Florence-2 : Advancing a Unified Representation for a Variety of Vision Tasks | Paper Explained
Florence-2, a novel vision foundation model with a unified, prompt-based representation for a variety of computer vision and vision-language tasks.
Try out the Florence-2 model here: huggingface.co/spaces/gokaygokay/Florence-2
Paper: arxiv.org/pdf/2311.06242
Florence-2 is pre-trained on our FLD-5B dataset encompassing a total of 5.4B comprehensive annotations across 126M images.
#computervision #largelanguagemodels #languagemodels #microsoft #ai #artificialintelligence
Переглядів: 1 115

Відео

YOLOv8 on Jetson Nano Using DeepStream
Переглядів 8242 дні тому
DeepStream is developed by NVIDIA. DeepStream is a SDK that includes libraries, APIs, and pre-trained models for building and deploying AI-powered applications. GitHub: github.com/AarohiSingla/DeepStream-Yolov8-Jetson-Nano yolov4 weights: github.com/AlexeyAB/darknet/releases/download/darknet_yolo_v3_optimal/yolov4.weights yolov4 cfg file: raw.githubusercontent.com/AlexeyAB/darknet/master/cfg/yo...
Steps to Recover a Hacked Gmail and YouTube Account
Переглядів 75114 днів тому
Learn from my personal experience of recovering a hacked Gmail and UA-cam account in this detailed video. I share step-by-step instructions on how I regained control of my accounts, including the exact procedures and actions I took. If you've been through a similar situation, this video will guide you through the recovery process effectively. Don't let account hacks disrupt your online presence...
L-2 Create, manipulate and visualize tensors | Pytorch tensors
Переглядів 36514 днів тому
In this video, you'll gain insights into the creation, manipulation, and visualization of tensors. GitHub: github.com/AarohiSingla/pytorch-for-deep-learning/tree/main/Lecture_2 For queries:- You can comment in comment section or you can email me at aarohisingla1987@gmail.com Tensors, fundamental to the field of machine learning and data science, are multidimensional arrays crucial for represent...
Automatic number plate recognition (ANPR) with Yolov9 and EasyOCR
Переглядів 57114 днів тому
Automatic Number Plate Recognition (ANPR), also known as License Plate Recognition (LPR), is a technology that uses optical character recognition (OCR) to automatically read and interpret license plates on vehicles. For queries: You can comment in comment section or you can email me at aarohisingla1987@gmail.com ANPR technology is widely used for various purposes, including: Traffic Management:...
Detect, Track and Classify Using YOLOv9 and ByteTrack
Переглядів 40814 днів тому
About Project: Face Detection: Trained using YOLOv9. Custom Class Detection: Trained with YOLOv9, detecting 14 classes: ['firearm', 'knife/Sword', 'smoke', 'tank', 'warship', 'Missile', 'artillery', 'nudity', 'lingerie', 'aircraft', 'Cigarettes/Cigars/e-cigarettes', 'fire', 'cut/blood', 'bruise'] Classification: Frame-wise classification for violence, normal, and nudity classes, also using YOLO...
Image classification on Custom Dataset Using FasterViT
Переглядів 71714 днів тому
Fast Vision Transformers with Hierarchical Attention Learn to perform Image classification with custom dataset using FasterViT model. GitHub: github.com/AarohiSingla/FasterViT Dataset added in GitHub repo: github.com/AarohiSingla/FasterViT/tree/main/RockPaperScissorsDataset Email: aarohisingla1987@gmail.com FasterViT FasterViT, a fast vision transformer model developed by NVIDIA. FasterViT (Fas...
FasterViT: Fast Vision Transformers with Hierarchical Attention
Переглядів 75614 днів тому
In this tutorial, you will get a brief overview of FasterViT. Following that, I will demonstrate how to use a pre-trained FasterViT model on both images and videos. GitHub: github.com/AarohiSingla/FasterViT Email: aarohisingla1987@gmail.com #computervision #transformers #nvidia #imageclassification
NVIDIA NIM for Scaling Generative AI App Development
Переглядів 1 тис.28 днів тому
NVIDIA NIM for Scaling Generative AI App Development: 🚀 NVIDIA NIM @NVIDIAAIDev is the fastest way to deploy AI models on accelerated infrastructure across cloud, data center, and PC. 🔍 With just a few clicks, you can run models like MIXTRAL, GEMMA, and Llama. 🔗 Useful Links: • NVIDIA NIM Overview : nvda.ws/3yMBs7C • NVIDIA API Catalog : build.nvidia.com/explore/discover • Getting Started with ...
Train YOLOv10 on Custom Dataset
Переглядів 8 тис.Місяць тому
Learn to perform custom object detection using YOLOv10. GitHub: github.com/AarohiSingla/YOLOv10-Custom-Object-Detection Dataset: Dataset is also present in GitHub repo. What is introduced in YOLOv10 : ua-cam.com/video/2ZFJbeJXXDM/v-deo.html Email: aarohisingla1987@gmail.com YOLOv10: Real-Time End-to-End Object Detection Paper: arxiv.org/pdf/2405.14458 YOLOv10, developed by researchers at Tsingh...
Learn What Is Introduced in YOLOv10 | YOLOv10 Paper Explained
Переглядів 6 тис.Місяць тому
YOLOv10: Real-Time End-to-End Object Detection Paper: arxiv.org/pdf/2405.14458 YOLOv10, developed by researchers at Tsinghua University introduces a novel approach to real-time object detection. This version addresses deficiencies in both post-processing and model architecture found in earlier YOLO versions. By removing non-maximum suppression (NMS) and optimizing various model components, YOLO...
How to use Nvidia DeepStream with Jetson Nano | step by step tutorial
Переглядів 1,5 тис.Місяць тому
DeepStream is developed by NVIDIA. DeepStream is a SDK that includes libraries, APIs, and pre-trained models for building and deploying AI-powered applications. Email id: aarohisingla1987@gmail.com Commands to execute : nvcc version This command will display the CUDA toolkit version installed on your system. dpkg -l | grep TensorRT This command will display the installed version of TensorRT on ...
Anomaly Detection: Explanation & Implementation
Переглядів 1,5 тис.Місяць тому
This video will teach you - What is Anomaly detection? How Anomaly detection algorithm work? Implementation of Anomaly detection code of this paper: arxiv.org/pdf/1801.04264v3 GitHub: github.com/AarohiSingla/Anomaly-Detection Email id : aarohisingla1987@gmail.com The paper proposes a method for learning anomalies in surveillance videos without the need for annotating anomalous segments, which c...
Instance Segmentation Using YOLOv9 on custom dataset
Переглядів 2,2 тис.Місяць тому
Learn how to perform Instance Segmentation Using YOLOv9 on custom dataset. GitHub: github.com/AarohiSingla/INstance-Segmentatio-Using-YOLOv9 Download custom dataset: universe.roboflow.com/asit-xno9q/levelup/dataset/4 Email id: aarohisingla1987@gmail.com Video on yolov9 architecture : ua-cam.com/video/iH-c4_cjBbU/v-deo.html Instance Segmentation is a computer vision task, The goal of instance se...
How to Use NVIDIA ChatRTX - Create a Personal AI Chatbot on Your PC
Переглядів 765Місяць тому
What Is ChatRTX? ChatRTX is a demo app that lets you personalize a GPT large language model (LLM) connected to your own content-docs, notes, images, or other data. Leveraging retrieval-augmented generation (RAG), TensorRT-LLM, and RTX acceleration, you can query a custom chatbot to quickly get contextually relevant answers. And because it all runs locally on your Windows RTX PC or workstation, ...
Image Captioning using CNN and RNN | Image Captioning using deep learning
Переглядів 3,2 тис.Місяць тому
Image Captioning using CNN and RNN | Image Captioning using deep learning
Object detection app using YOLOv8 and Android
Переглядів 12 тис.2 місяці тому
Object detection app using YOLOv8 and Android
Object Detection Web Application with Flask and YOLOv9
Переглядів 6 тис.3 місяці тому
Object Detection Web Application with Flask and YOLOv9
YOLOv9 on Jetson Nano
Переглядів 6 тис.3 місяці тому
YOLOv9 on Jetson Nano
Track & Count Vehicles using YOLOv9 and ByteTrack
Переглядів 6 тис.3 місяці тому
Track & Count Vehicles using YOLOv9 and ByteTrack
Object tracking using YOLOv9 and ByteTrack | Ultralytics
Переглядів 9 тис.3 місяці тому
Object tracking using YOLOv9 and ByteTrack | Ultralytics
Detect and Track Objects using YOLOv9
Переглядів 1,1 тис.3 місяці тому
Detect and Track Objects using YOLOv9
Automatic number plate recognition (ANPR) with Yolov9 and EasyOCR
Переглядів 11 тис.3 місяці тому
Automatic number plate recognition (ANPR) with Yolov9 and EasyOCR
YOLOv9 vs YOLOv8 (Comparison on multiple videos)
Переглядів 5 тис.3 місяці тому
YOLOv9 vs YOLOv8 (Comparison on multiple videos)
Vehicle and Pedestrian Detection Using YOLOv9 and Kitti dataset
Переглядів 1,5 тис.3 місяці тому
Vehicle and Pedestrian Detection Using YOLOv9 and Kitti dataset
Oriented Bounding Boxes Object Detection | YOLOv8 OBB detection
Переглядів 3 тис.4 місяці тому
Oriented Bounding Boxes Object Detection | YOLOv8 OBB detection
YOLOv9 Paper explained
Переглядів 7 тис.4 місяці тому
YOLOv9 Paper explained
PPE Detection Using YOLO-World | Custom Object detection using YOLO-World
Переглядів 2 тис.4 місяці тому
PPE Detection Using YOLO-World | Custom Object detection using YOLO-World
YOLOv9 on custom dataset | Object detection using YOLOv9
Переглядів 30 тис.4 місяці тому
YOLOv9 on custom dataset | Object detection using YOLOv9
YOLO-World - Real-Time, Zero-Shot Object Detection
Переглядів 3,2 тис.4 місяці тому
YOLO-World - Real-Time, Zero-Shot Object Detection

КОМЕНТАРІ

  • @DeliDev
    @DeliDev 23 години тому

    hi Aarohi, i have some problems with yolov5 part, which release you use in you video, i want to test a custom training in this board but i have problems runing yolov5, i can install sucesfully torch, torch vision and opnecv

  • @prashantbhardwaj4831
    @prashantbhardwaj4831 День тому

    I don't understand why 1*1 in the DenseBlock is used to decrease the number of channels then followed by 3*3 to increase the number of channels, whereas it should be the opposite.

  • @aneerimmco
    @aneerimmco День тому

    Informative

  • @aneerimmco
    @aneerimmco День тому

    informative

  • @arunmathur1668
    @arunmathur1668 День тому

    Hi Aarohi, Can you please share the script to download the volov10 weight files that you had used in this video

  • @kennetheladistu3356
    @kennetheladistu3356 День тому

    hello may I ask , currently I am using YOLOV8 OBB and want to train my own data set, when creating a new project in Roboflow for annotation, should I choose the "Object Detection" one or the "Instance Segmentation" one when for annotating my custom data set for yolov8 obb

    • @CodeWithAarohi
      @CodeWithAarohi День тому

      The YOLO OBB format designates bounding boxes by their four corner points with coordinates normalized between 0 and 1. It follows this format: class_index, x1, y1, x2, y2, x3, y3, x4, y4 Check this: docs.ultralytics.com/datasets/obb/

  • @siddhant8709
    @siddhant8709 День тому

    Hi, aarohi how can you test the model with Inference on webcam

  • @ASHUTOSHMAHAPATRA-u8x
    @ASHUTOSHMAHAPATRA-u8x 2 дні тому

    Actually I have a doubt , The same thing I have done using yolov8L but the problem is while implementing easyocr what are the preprocessing techniques i need to apply to get accurate result because for car its working fine but for bike or HCV its recognizing garbage values.

    • @CodeWithAarohi
      @CodeWithAarohi День тому

      Make sure that the images you feed into EasyOCR are of high quality and resolution. Poor quality images can lead to inaccurate OCR results.

  • @chinitolegacy5001
    @chinitolegacy5001 2 дні тому

    Help me recover mine miss aarohi 😢

    • @CodeWithAarohi
      @CodeWithAarohi 2 дні тому

      @@chinitolegacy5001 did you follow the steps I have mentioned

  • @sridhanyaganapathi2860
    @sridhanyaganapathi2860 2 дні тому

    Hi Can you please share the annotated 2000 for training, 400 for test dataset

  • @huyngo8567
    @huyngo8567 2 дні тому

    Your link is broken

    • @CodeWithAarohi
      @CodeWithAarohi 2 дні тому

      github.com/AarohiSingla/Image-Classification-Using-Pytorch

  • @user-df3lb4lz7l
    @user-df3lb4lz7l 3 дні тому

    Very good exploration Thanks Mam

  • @ardiprayoga5155
    @ardiprayoga5155 3 дні тому

    hello i need a question, i'm making project yolov5 on jetson nano and csi camera with realtime detection, and if i tried running config txt for just camera csi it's running, and if i'm added config txt for deepstream like a model engine and will be error, and i'm trying just config txt camera again and will be error. and it have to reboot jetson and tried again running just config txt camera and its running. can you help me? :')

  • @arnavthakur5409
    @arnavthakur5409 3 дні тому

    Simply awesome. Very informative video

  • @soravsingla8782
    @soravsingla8782 3 дні тому

    Nicely explained video

  • @joserfjunior8940
    @joserfjunior8940 4 дні тому

    Otimo video minha delicia !

  • @joserfjunior8940
    @joserfjunior8940 4 дні тому

    O minha delicia, da para fazer detectar a rua em quanto eu estiver dirigindo ? tipo um tesla copilot ? Otimo video minha delicia parabens !

  • @karthickkuduva9819
    @karthickkuduva9819 4 дні тому

    Mam where can i see cv related research paper. Im currently final year student looking for cv project. Can you share any link. Which will be so helpful for me and my batch mates

  • @billzoaiken
    @billzoaiken 4 дні тому

    Very excited to play with this architecture. There are already a few tutorials out there showing how to fine-tune on custom data, too. Thanks for the overview!

  • @AjinkyadeoGaikwad
    @AjinkyadeoGaikwad 4 дні тому

    i dont know my channels original url,,, Just have cutom url can u tell me

    • @CodeWithAarohi
      @CodeWithAarohi 3 дні тому

      youtube studio -> settings -> channel ->advanced settings ->Manage youtube acount -> View advanced settings This Channel ID is the original URL of your UA-cam channel before you set a custom URL.

    • @mahanews6994
      @mahanews6994 3 дні тому

      Mam after hacking how to access the channel,,,, how can i login... Its hard pls help

    • @CodeWithAarohi
      @CodeWithAarohi 3 дні тому

      @@mahanews6994 Think if you have shared your channel link with someone in past . Then you can copy the channel link from there

    • @mahanews6994
      @mahanews6994 3 дні тому

      No mam, maine nahi share kiya hai​@@CodeWithAarohi

  • @rbanondo
    @rbanondo 4 дні тому

    mam please make a video on replacing segmentation with another color or image

  • @GianmarcoGoycocheaCasas
    @GianmarcoGoycocheaCasas 4 дні тому

    Dear Madam Aarohi, Thank you very much for your contribution. I would like to know how I could complement the external annotations to the yolo model, for example 'supervision' annotations that set an object counter? The process you show also run in yolov9 right? I mean app processing

    • @CodeWithAarohi
      @CodeWithAarohi 3 дні тому

      Yes, but you need to make the changes to the code which is related to object detection model in order to fetch the detections.

  • @captainofthewhitetower
    @captainofthewhitetower 4 дні тому

    How can we show this on like Vscode using python?

  • @PoornimaEG25
    @PoornimaEG25 4 дні тому

    Thank you so mam, can you please language autogenerated hindi to english in this video

  • @wieaswieas
    @wieaswieas 4 дні тому

    I want to install anydisk in jetson nano. Can you help me, Miss Aarohi please?

    • @CodeWithAarohi
      @CodeWithAarohi 4 дні тому

      Run these commands in terminal: wget download.anydesk.com/rpi/anydesk_7.0.6-1_arm64.deb sudo dpkg -i anydesk_7.0.6-1_arm64.deb anydesk

    • @user-fh7fi3ck4r
      @user-fh7fi3ck4r 3 дні тому

      ​@@CodeWithAarohiSorry, but the link you provided to the man is not there. Please help us, as we both want the same thing, which is to install anydesk in the Jetson nano...

  • @sandovalon88
    @sandovalon88 5 днів тому

    Nice Job, is there a way to implement with Home Assistant?

  • @JerssonPachar
    @JerssonPachar 5 днів тому

    Hi thank you so much for making these videos. Is there any way you could go over exactly how you set everything up in Jupyter? I can't even install ultralytics, I keep getting an error saying "OSError: Not available". When I try setting up in google colab, I get an error trying to use tracker. No matter what I try I can't seem to get started using YOLO and it's quite frustrating.

  • @user-jx2en8mo2b
    @user-jx2en8mo2b 5 днів тому

    Hi. I have encountered an error that persists. I have tried everything like using absolute/relative paths, but the issue persists. Could someone help me with the following error? RuntimeError: Dataset 'data.yaml' error 'data.yaml' does not exist P.S. - I have checked the file format, its contents, and its path, everything seems all right, but the issue persists.

  • @akhilsajeevan1192
    @akhilsajeevan1192 5 днів тому

    Hi, I have a doubt. I trained a yolov8 model with a 4 claases with my custom dataset. Now i want to add a new 2 classes into that model with another dataset but i dont want to loss the older weights of the best model when trained , which is already trained with 4 classes. Is there any solutions or reference to resolve this? Is freezing the model layers may be helpful? Is that so can you show me to resolve it

    • @CodeWithAarohi
      @CodeWithAarohi 4 дні тому

      Yes, you can add new classes to your model without losing the weights already learned for the existing classes. Use transfer learning (freezing some layers of the pre-trained model) to retain their learned features while allowing new layers to adapt to the new classes.

    • @akhilsajeevan1192
      @akhilsajeevan1192 4 дні тому

      @@CodeWithAarohi Can you show me simple step by step procedure or can you please give me any documentation or links to follow this process

  • @akhilsajeevan1192
    @akhilsajeevan1192 5 днів тому

    Hi, I have a doubt. I trained a yolov8 model with a 4 claases with my custom dataset. Now i want to add a new 2 classes into that model with another dataset but i dont want to loss the older weights of the best model when trained , which is already trained with 4 classes. Is there any solutions or reference to resolve this? Is freezing the model layers may be helpful? Is that so can you show me to resolve it

    • @CodeWithAarohi
      @CodeWithAarohi 4 дні тому

      Yes, you can add new classes to your model without losing the weights already learned for the existing classes. Use transfer learning (freezing some layers of the pre-trained model) to retain their learned features while allowing new layers to adapt to the new classes.

    • @akhilsajeevan1192
      @akhilsajeevan1192 4 дні тому

      @@CodeWithAarohi Can you show any documentation or links for doing this procedure . step by step simple method

  • @usamarajput6418
    @usamarajput6418 5 днів тому

    this video helped me a lot. thank you Aarohi

  • @michaelzeuner1746
    @michaelzeuner1746 5 днів тому

    Why do you think the results from your test were so poor? Did you just need more training images?

    • @CodeWithAarohi
      @CodeWithAarohi 5 днів тому

      Yes, with more data, results will be better. Also, You can train for more epochs and try to use different learning rate and hyper parameters.

  • @poplu7076
    @poplu7076 6 днів тому

    while executing make -j4 i am getting error: desktop:/home/nvidia/opencv/build# make -j4 make; *** No targets specified and no makefile found. Stop. How to resolve this, PLeeeessee help 🙏🙏

  • @Bwajster
    @Bwajster 6 днів тому

    While I was trying to train the yolov8 model, I get an error: OSError: [Errno 12] Cannot Allocate Memory. Please help me resolve this. I'm training the yolov8 model on VS Code.

  • @RaghusuryaKonduru
    @RaghusuryaKonduru 6 днів тому

    while working in the server, not able to display the video. Can you make a video how can we do in the server.

    • @CodeWithAarohi
      @CodeWithAarohi 5 днів тому

      Noted!

    • @raghusuryakonduru2102
      @raghusuryakonduru2102 5 днів тому

      ​@@CodeWithAarohiplease do videos for video anomaly detection with recent models. I am not finding any inference for the recent models. Suggestions are also highly appreciated.

  • @karthickkuduva9819
    @karthickkuduva9819 6 днів тому

    Mam where can i find this room dataset

  • @user-tm7xd4im5m
    @user-tm7xd4im5m 6 днів тому

    Hi mam i need this code for practical implementation.... Nice video ❤

    • @CodeWithAarohi
      @CodeWithAarohi 6 днів тому

      Hello, This code is available for channel members (Contribution level 2)

  • @wieaswieas
    @wieaswieas 6 днів тому

    Please tell me how to connect a Q10F User Manual camera On Jetson nano because I tried and did not succeed, knowing that I used a video capture cable and it shows me /dev/video0 after executing ls /dev/video* knowing that my camera is video capture USB

  • @ankitaggarwal9195
    @ankitaggarwal9195 7 днів тому

    Labels are empty in the dataset you have provided..?

  • @yabezD
    @yabezD 7 днів тому

    Kindly post a video for Deit

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Hats off to your commendable efforts

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Keep up this good work

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    👌👌

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Very nicely explained

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    👏👏👏

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Nice

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Amazing

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Very well explained

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Awesome

  • @pifordtechnologiespvtltd5698
    @pifordtechnologiespvtltd5698 7 днів тому

    Nice