TensorFlow Object Detection COMPLETE TUTORIAL | 40 TensorFlow Object Detection Models

Поділитися
Вставка
  • Опубліковано 20 сер 2024

КОМЕНТАРІ • 154

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

    ► My Other Tutorials:
    Realtime Object Detection with OpenCV on CPU
    ua-cam.com/video/hVavSe60M3g/v-deo.html
    DETECTRON2 Custom Object Detection, Custom Instance Segmentation Tutorial: Part 2 (Training Models)
    ua-cam.com/video/GoItxr16ae8/v-deo.html
    DETECTRON2 Custom Object Detection, Custom Instance Segmentation Tutorial: Part 1 (Preparing Data)
    ua-cam.com/video/ffTURA0JM1Q/v-deo.html
    Detectron2 on Colab
    ua-cam.com/video/bjay7fT934Y/v-deo.html
    Instance Segmentation as Rendering
    ua-cam.com/video/gnXlE9BO0lo/v-deo.html
    Detectron2 Complete Tutorial
    ua-cam.com/video/Pb3opEFP94U/v-deo.html
    Colorize Black and White Images and Videos using Python OpenCV
    ua-cam.com/video/EZWHAd0IH1M/v-deo.html
    Build and Install OpenCV 4.5.1 With CUDA GPU Support on Windows 10
    ua-cam.com/video/YsmhKar8oOc/v-deo.html
    Face Detection Using OpenCV Python with CUDA GPU Acceleration
    ua-cam.com/video/GXcy7Di1oys/v-deo.html
    YOLOv4 On Android Using TFLite
    ua-cam.com/video/YzAjAS6Os8c/v-deo.html
    Install TensorFlow GPU Under 90 Seconds
    ua-cam.com/video/toJe8ZbFhEc/v-deo.html
    Install PyTorch GPU Under 90 Seconds
    ua-cam.com/video/raBkhUoeOHs/v-deo.html
    Custom YOLOv4 Object Detection with TensorFlow and TFLite
    ua-cam.com/video/vzTCJM18uoM/v-deo.html
    Darknet YOLOv4 Custom Object Detection: Part 2 (Training YOLOv4 Darknet)
    ua-cam.com/video/-NEB5P-SLi0/v-deo.html
    Darknet YOLOv4 Custom Object Detection: Part 1 (Preparing Custom Dataset)
    ua-cam.com/video/sKDysNtnhJ4/v-deo.html
    YOLOv4 Object Detection with TensorFlow, TFLite and TensorRT
    ua-cam.com/video/tCmC7nyfJp8/v-deo.html
    Darknet YOLOv4 Object Detection for Windows 10 on Images, Videos, and Webcams
    ua-cam.com/video/FE2GBeKuqpc/v-deo.html
    Real Time Object Detection on Webcam and Videos Using OpenCV With YOLOv3 and YOLOv4 | Windows Linux
    ua-cam.com/video/FjyF03uawsA/v-deo.html
    Build and Install OpenCV 4.4.0 with CUDA (GPU) Support on Windows 10
    ua-cam.com/video/tjXkW0-4gME/v-deo.html
    Install TensorFlow GPU and PyTorch with CUDA on Windows 10 Anaconda | CUDA 10.1 cuDNN 7.6
    ua-cam.com/video/PlW9zAg4cx8/v-deo.html
    Real-time Multiple Object Tracking with YOLOv4 TensorFlow and Deep Sort | Linux, Windows
    ua-cam.com/video/GagII5PAeKg/v-deo.html

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

    Highly recommended video! A hidden gem! Suggest beginners to pay attention it will save time.👍👍👍

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

    thank you Sir , the best video i've ever seen on Object Detection !

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

    your the best bro. so easy to follow and you move at a great pace. code is clean, simple and works perfectly. thank you

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

    This tutorial is exactly what I needed. Thank you for being so clear and thorough! Subbed!

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

    Thank you very much for this wonderful tutorial it was great help .👏👏😊❤

  • @cesarquispe2413
    @cesarquispe2413 2 роки тому +3

    Couldn't find a better explanation of this topic man, thanks!
    Just one question, if I just want to detect a specific category (like 'persons') what change should I make in the code?

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

      You can place a check in found bounding box like:
      if class index is not equal to 1, continue (assuming that person has index 1).

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

    Hi. Your Video is the best. Thank you!!! If you have time, please, make video with training TensorFlow object detection with custome dataset(multiple objects on one photo).

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

      Custom object detection is planned for next week.

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

    Thanks for the tutorial is very clary! From Patagonia 👏

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

      I am glad you've found it helpful.

  • @creeda.7621
    @creeda.7621 2 роки тому +2

    Great video :)
    But please take it slow and go into more detail.
    I'm new. Your tutorial is so fast.

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

    Pls provide video based on custom dataset and then train the model and integrate it in opencv to test

  • @curiousmonkey524
    @curiousmonkey524 2 роки тому +6

    Hi there, finally the best tutorial combining Python's OOP and Tensorflow w/ Object detection. Big Thank for that! Very happy to see VS code instead of Jupyter ...
    I'm running TF on CPU, properly installed, works as fine w/ other codes but I encountered the issue at 17:18, haven't see that in any comment in here so hopefully u can help. First iteration of loop is OK and returns coordinates of bboxs (i kept print) but cannot put values into list, I got an issue: 'float' object has no attribute 'tolist' ... numpy is working properly, tried separately, tried bboxs as other numpy float types ... no way. Any help appreciated. I can definitely make different for loop to get the results but this one from your code seems to be very convenient. THX!
    bboxs detections themselves r OK, as well as classIndexes and classScores:
    [0.47741124 0.1476936 0.89125109 0.56230366]
    [0.29866141 0.51108599 0.7960301 0.67160702]
    [0.51208603 0.642344 0.92576289 1. ]
    [0.17613313 0.69002247 0.83901656 0.94078326]
    [0.21729946 0.2843374 0.82724762 0.48838997]
    [0.53525972 0.38459459 0.90493071 0.72966981]
    [0.23174107 0.78376955 0.40215534 0.92624658]

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

      This error means the variable is not an array but a single float value. It should be an array.
      Alternatively, you can convert your variable to list by
      list(variable)

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

    Nice vid on object detection.

  • @BimoAditya-ej3ku
    @BimoAditya-ej3ku 3 місяці тому

    I have one issue. The bounding boxes somewhat appear multiple times in literally many certain spots, it's like the detection is set to be very sensitive, and I want to suppress it. How can I remove those repetitive boxes? Thank you.

  • @patis.IA-AI
    @patis.IA-AI 10 місяців тому

    Just great thanks

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

    Can you please help me visual studio code
    I installed it but i didn't get the popup of python interpreter when creation of detector.py
    Please help me

  • @wwe4JJ
    @wwe4JJ 2 роки тому +3

    Thank you, Helpful tutorial! 👏👏
    My question is: how can I use my own trained model with my own labels, but using tensorflowv2 zoo models?

  • @AbhishekGawade-tq4kc
    @AbhishekGawade-tq4kc 2 місяці тому

    how can we fine tune SSD model for custom object detection which can run on CPU faster .

  • @BimoAditya-ej3ku
    @BimoAditya-ej3ku 3 місяці тому

    3:06 I was testing my GPU device. When I typed tf.test.is_gpu_available(), it returned False afterwards, meaning my PC does not detect any GPU device at this moment. What should I do?

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

    i got this error at 13:35 on bboxs = detections['detection_boxes'][0].numpy():
    Exception has occurred: TypeError
    Only integers, slices (`:`), ellipsis (`...`), tf.newaxis (`None`) and scalar tf.int32/tf.int64 tensors are valid indices, got 'detection_boxes'
    can you help me sir?

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

    thanks mate nice video

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

    Good tutorial. I'm getting duplicate very similar bounding boxes on all of the objects I detect and I'm not really sure why and how to fix it.

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

      Increase thresholds in NMS function

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

      @@TheCodingBug thanks for the quick answer, did that and it fixed it.

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

    Hi Great tutorial. Can you please share the test floder with images

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

      You can download any images from Google for your testing. However, if you're looking for the code, it's available for our Patreon supporters.

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

      @@TheCodingBug thanks working ❤️

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

    I am new to Tensorflow, I got an error in line 43 which says "TypeError: '_UserObject' object is not callable" andı cannot find a solution. Any help will be appreciated.

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

    thanks you very much

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

    Is there any prtrained model of icons that can helps me to create an icon detection project for screens of cars ?

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

      Not that I am aware of. You'll have to train your own model.

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

      @@TheCodingBug is it possible to add other classes to this pretrained model or if there is any other solution please tell me.. by the way i built and trained a model with roboflow but i don't know what to do next .. i need to get as output a screenshot of car's screen and every icon is in box with its name and its prediction

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

    13:11
    Thanks for tutorial video.I'm very glad this channel.I' ve a problem code particle can you help me pls:
    inputTensor = inputTensor[tf.newaxis,...]
    detections = self.model(inputTensor)
    Traceback (most recent call last):
    line 10, in
    detector.predictImage(imagePath)
    line 44, in predictImage
    self.createBoundingBox(image)
    line 57, in createBoundingBox
    detections = self.model(inputTensor)
    AttributeError: 'Detector' object has no attribute 'model'

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

      hi, I have the smae problem. did you firgured out ?

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

    We need a custom dataset for object counter

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

    very helpful sir

  • @andresviana9387
    @andresviana9387 2 роки тому +3

    Great tutorial!!
    Hi, when I ran createBoundingBox, I got the below error, what does it means ?
    Traceback (most recent call last):
    File "/content/tensorflow_object_detection/run_me.py", line 19, in
    detector.predictImage(imagePath)
    File "/content/tensorflow_object_detection/Detector.py", line 117, in predictImage
    bboxImage = self.createBoundingBox(image)
    File "/content/tensorflow_object_detection/Detector.py", line 86, in createBoundingBox
    classLabelText = self.classesList[classIndex]
    IndexError: list index out of range

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

      This means that the index returned by the class is not in classesList.
      Make sure that self.classesList has all the classes properly loaded and it's size is 92.

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

      @@TheCodingBug Thanks!!

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

    inputTensor = cv2.cvtColor(image.copy(),cv2.COLOR_BGR2RGB)
    what the function of copy() in this line?

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

      This function is for create a copy of "image". If you don't create this copy, the function could modify the original image.

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

    Excellent ❤️❤️

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

    This man is Jesus, Thx

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

    Thanks

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

    Hi TheCodingBug. Thanks for your very helpful video tutorial.
    When I do a test if tensorflow has been successfully installed, I am getting a "FALSE" result. Can you please let me know how to correct this and proceed from here? Thanks.

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

      Make sure you have an Nvidia GPU, latest driver installed, and compatible combination of cuda plus cudnn installed.

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

      @@TheCodingBug thanks a lot!

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

    This one was great. is it possible for a training tutorial for custom object dataset by using models from Model Zoo? like faster ccn? building up on this tutorial would be great

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

      Yes it is. But if you're only interested in custom object detection using fasterRCNN, you can follow detectron2 custom object detection tutorial. Detectron2 model zoo also has fasterRCNN.
      ua-cam.com/video/GoItxr16ae8/v-deo.html

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

      @@TheCodingBug ✌✌

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

    very helpful video

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

    how do i change the model in this'

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

    Hello. Congratulations on the video. I confess that I'm having a little trouble finding the files used in "TensorFlow Object Detection Zoo 03:44". I couldn't find where to download it. Thanks!

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

    Is there a way to get the confusion matrix of the difference models, and also the F1 score, recall and mAP?

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

    Great video sir! but can it be implemented with densenet model that has h5 file format?

  • @kevingann3184
    @kevingann3184 2 роки тому +3

    I really like your videos :) Are you planning to do a video on tensorflow keypoint detection (with custom data) or just custom data with tf model zoo (like with detectron2)?

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

      Thank you for the appreciation.
      Yes. Custom object detection with any of the 40 models tutorial is planned for next week.

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

      @@TheCodingBug I am looking forward to this :) Another question: Could you upload the code you've written in the video (e.g. to github)?

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

      @@kevingann3184 All codes are available on Patreon.

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

      @@TheCodingBug link ?

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

      @@akhibali8405 link for what?

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

    For some reason, it does not use my GPU when I am running it on a video.

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

    Superb video. How to visualise that model where we uses as an URL.

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

    I get the following error
    IndexError: list index out of range
    How can I solve this?

  • @AshokYadav-is7wx
    @AshokYadav-is7wx 2 роки тому +1

    hi I got an error :-- ModuleNotFoundError: No module named 'Detector' i had install Detector using pip and conda please let me know the Solution reagarding to it

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

      Detector isn't a module you install. It's a class that we code. This video explained coding of this class as well.

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

    I'm getting below error in the predirct Image function..
    NameError: name 'self' is not defined
    This is for
    def predictImage(slef, imgPath):
    image = cv2.imread(imgPath)
    self.createBoundingBoxex(image)
    cv2.imshow('result', image)
    cv2.waitKey(0)
    cv2.destroyAllWindows()
    Please help me out

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

      Spelling of self is wrong in method declaration.

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

    What does it mean when it says “savedmodel file does not exsist at : /.pretrained_models\checkpoints\ssd….

  • @user-zy8mj8uf9y
    @user-zy8mj8uf9y 2 роки тому +1

    This is the best object recognition guide I've seen lately. The best of the best.
    I have a question: according to the table, the difference between efficientdet_d1 and efficientdet_d1 is 13 ms, but when running on a pc, the FPS fell from 14 to 1 (gtx 1080ti, ram 32 gb, cpu r5 2600)
    What could be the problem?

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

      Thank you for the appreciation.
      I am not sure about that drastic difference. Maybe GPU memory requirements are higher than 11GB.

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

    Thank you for awesome tutorial brother. Can we parse yolo model instead of deep learning model in very same tensorflow implementation.

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

      No but you can use OpenCv or you'll have to convert yolo to TF.

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

    dnn model is not found what will be do now
    \

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

    Excuse me sir, how to use mobilnetv3 small on tensorflow 2

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

    how to select tf_gpu env if vscode don't ask? please help

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

    can we run this in another computer that is not uses nvidia card?

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

    Hello,
    I tried to run this program object detection using Tensorflow . Nvidia GPU is already installed on my device. While running this it's showing that it uses 80% of CPU and only 1% of GPU. How to increase GPU usage? Can you please help me?

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

    in 3:05, when i try to try to test whether tensor flow gpu is available, it says tf is not defined, i do not know whats the problem. Please someone help me out

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

      Tensorflow-GPU is now simply tensorflow after version 2.10

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

      @@TheCodingBug thanks, so what must I change now when activate shud I type "conda activate tf" instead of "conda activate tf_gpu" ????

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

    can you run this without cuda gpu?

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

      Yes you can, but inferencing would be slower.

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

    Hey, when I tried running the very first file it gave me and error of no module found ‘tensorflow.python’ any idea?

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

    Can we deploy our trained model (especially faster r-cnn one) like to localhost or web ?

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

    In ana conda ENV CV2 is not working

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

      You need to install cv2 by command
      pip install opencv-python

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

    can we use yolo model using this same approach? if NO , i have a custom trained yolo model, how will run object detection using the trained yolo model in tensorflow?

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

      No you can not. I have a separate video for YOLO using TensorFlow but it would require TF 2.3.1.... I have made videos for both pretrained and custom yolov4 with TF.

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

    is this able to use custom dataset and model?

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

    Good inspiration , Great Job and more grease to your elbow sir, but how can i get the Video you are using from UA-cam or is there any site to be getting the videos to use sir?
    Thanks

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

      It's royalty free video. You can find many on UA-cam.

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

      @@TheCodingBug Thanks 🙏

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

    Hello, Thank for the video. Can we save video after object detection? @TheCodingBug

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

      Yes. You need to define a video writer and then write every frame after detection.

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

    hello do i need hhigh end pc for learning?

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

    Hey, im getting this error "TypeError: cannot unpack non-iterable NoneType object" for the create_bounding_box function. Any idea?

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

      There must be an error in the code.

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

      It works for image detection but as soon as I switch to cam i get this error

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

    It is showing false for me, What to do?

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

    hi, I really like your video is very helpful😄😄, however, the rectangle box did not detect the image that I want and the rectangle is not center. how I can fix this??🤣🤣

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

    You are fast please ,am new willing to learn

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

    Can you make projects using yolo v5?

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

    Please Help: I need to learn computer vision, but i struggle a lot, i dont know if i have to learn opencv or tensorflow or keras ? Please let me know to learn it asap

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

      Keras for deep learning and opencv for computer vision.

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

    Got stuck in the (No such file or directory: 'coco.names') part... TT

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

      You need to download coco.names from the link in the description.

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

      @@TheCodingBug thanks for the fast reply!! Had figured it out 20min afterwards. 😃
      Amazing video thanks a lot!! : )

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

      @@kevlar6814 I am glad it is resolved.

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

      how did u solve it ??

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

    Can you spill your laptop for using program tensorflow Like your video on top?

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

      Sorry. What do you mean?

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

      @@TheCodingBug about spesification your laptop for running the program tensorflow?

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

      @@TaniaAchiever Corei7, 16GB RAM, GTX1060

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

      @@TheCodingBug btw, my laptop only core i3 SSD 256gb ram 4gb .is it only with the specifications of the laptop can run this program?

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

    can anyone provide me the code of this lecture?

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

      The code is available for our Patreon supporters.

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

    its free? cz YOLO we need pay licensed

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

    why ananconda? do vs code editor work?

  • @user-gn3bf4dl4w
    @user-gn3bf4dl4w 2 роки тому +3

    you are going to fast in explaining sir...cannot follow you!

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

    first comment

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

    ❤️❤️❤️❤️❤️❤️❤️❤️❤️❤️

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

    Where is the code bro

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

      Code is only available for our Patreon supporters.

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

      Means am i become a supporter to get code how to get it

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

      @@kumarclassic6031 the link to Patreon is at the end of the description. If you are already a Patreon supporter, you can message there and our team will help you.

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

      @@TheCodingBug is there any chance to buy this single code

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

    File "d:\tensorflow_object_detection
    un_me.py", line 11, in
    detector.readClasses(classFile)
    File "d:\tensorflow_object_detection\Detector.py", line 13, in readClasses
    with open(classesFilePath, 'r') as f:
    FileNotFoundError: [Errno 2] No such file or directory: 'coco.names'
    It shows me this error pls resolve it...

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

      Place coco.names file alongside the code

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

      @@TheCodingBug I've placed the coco.names & detector.py file also but again it shows me this error...

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

      @@Priyanka2k01 Set your classesFilePath to absolute path to the file like: classesFilePath="D:\tensorflow_object_detection\mscoco.names"

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

      @@TheCodingBug thank you so much!!!

  • @AhmadHassan-gq9bt
    @AhmadHassan-gq9bt 2 роки тому

    2021-12-18 12:51:19.204000: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'cudart64_110.dll'; dlerror: cudart64_110.dll not found
    Why is this error??

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

      You haven't installed supported versions of CUDA and cuDNN.

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

      did you get rid of the error? If yes, how? Facing the same error

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

    When I run the run_me.py to see the length, it says “Detector is not defined” even though I’ve copied the code u wrote exactly

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

      There's a mistake. You haven't initialized detector class.

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

      @@TheCodingBug ahhh perfect! Thank you very much I realized I misspelled init like innit