Это видео недоступно.
Сожалеем об этом.

Tensorflow 2 Custom Object Detection Model (Google Colab and Local PC)

Поделиться
HTML-код
  • Опубликовано: 17 авг 2024
  • Train your own custom object detection model with Tensorflow 2! Choose any object you like and follow along with this tutorial! After watching this, you'll be able to train your own model either in the cloud using Google Colab or on your PC.
    Other videos in this series:
    • Tensorflow 2 Object De...
    Code used in this tutorial: github.com/Ben...
    Original inspiration: github.com/Tan...
    Chapters:
    00:00 - Intro
    Prep Work
    00:51 - Prepare images
    07:40 - XML to CSV
    09:06 - Generate TF records
    12:38 - Download a base model
    14:50 - Edit model config file
    19:40 - Make a labelmap.pbtxt
    Local PC Training
    21:57 - Start training
    26:35 - Tensorboard (kind of)
    Google Colab Training
    29:31 - Intro to Colab
    30:55 - Run TF code blocks
    32:02 - Use Kaggle to get our data
    36:25 - TF records and config file
    41:13 - Another more different tensorboard
    41:45 - Start the training
    * Using the New Model*
    44:35 - Export inference graph
    49:50 - Resume training from checkpoint
    51:56 - Use new model
    56:26 - Outro

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

  • @BeLKa4444
    @BeLKa4444 12 дней назад +1

    THANK YOU OH MY GOSH, YOU RE MY HERO
    just thank you for all this playlist - you`re making a world a better place by helping a newcomers like me to deal with so much frustration
    I`ve spend HOURS trying to implement things from tutorials but only after watching your videos (at least 3 times each one XD) I`ve finally understood what going on here with all these models, apis, label and etc.
    geez, really I cant thank you enough (should probably buy you a coffee one day, when I`ll have more stable financial situation as a gesture to show my appreciation)

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

    THANK YOU! this helped me so much, even chatgpt got crumbled up because he doesn't know the newer versions. you're a life saver my guy

  • @muzakkirali4491
    @muzakkirali4491 Год назад +7

    Followed many tutorials but your videos were simple and organized, your videos helped me complete my college project. Thanks a lot!!!

  • @PriyankBolia
    @PriyankBolia Год назад +29

    The most important rule for making online coding tutorials is to enlarge your font as much as possible, so that people can follow it from even a mobile. Your video font is so small on my large monitor also. Hope your next videos use better bigger fonts for easy following.

    • @fragment7
      @fragment7 Месяц назад

      How about zoom and use a little brain cells

    • @olusholaosasona1842
      @olusholaosasona1842 Месяц назад

      ​@@fragment7damn bro😂. True that!

  • @scounterscounter6702
    @scounterscounter6702 2 месяца назад

    wow..my model needs 16 hrs..but with impressive result. Great tutorial.. need only some minor adaptions on my side..this will now be the base for some deeper experiments here

    • @karimabdalla3136
      @karimabdalla3136 2 месяца назад

      Hi did yoy manage to build a model successfully?

    • @scounterscounter6702
      @scounterscounter6702 2 месяца назад

      @@karimabdalla3136 yes.. but as saied need so much time...and my dataset are quite small... since this ( 9 days ago ) i tried lots of different methods to build my model ( detecting some letter-Images from old graves..) ...for me tensorflow was too slow...so i tried Yolov8 , yolov5 an now since this morning i play with yolov7... yolo is much more faster in training.. in precize? will see ..lots of experiment will follow from now...btw... the issue i had with tensorflow in the beginning base on cuda, cudnn and some version conflict...once this gpu thing was ok the rest was fine

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

    This is the best and clean tutorial I have seen so far. Thank you.

  • @NarayanaC-mp3wc
    @NarayanaC-mp3wc 2 месяца назад +1

    Hi, I am stuck at a point where while I was training a custom model my execution stopped or paused at
    2024-06-19 12:33:22.948786: W tensorflow/core/framework/dataset.cc:956] Input of GeneratorDatasetOp::Dataset will not be optimized because the dataset does not implement the AsGraphDefInternal() method needed to apply optimizations.
    Can anyone help me on how to resolve this. I'm using tensorflow==2.13.1

  • @bhagyapatel7459
    @bhagyapatel7459 Год назад +2

    For the tensorboard to work, you will need to specify the directory where your training checkpoints are being saved. So `tensorboard --logdir="training"` should do the job

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

    Awesome! Thank you so much for making this!

  • @vtminhlien8840
    @vtminhlien8840 10 месяцев назад +2

    import tensorflow.compat.v2 as tf
    ModuleNotFoundError: No module named 'tensorflow.compat'
    Hi sir, my project had this error and I can't find solution for that

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

      Try this line of code instead:
      import tensorflow._api.v2.compat.v2 as tf
      It worked for me (VSCode)

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

    This was a great video. Thank you for uploading.

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

    If you're using brave or some cookie blocking extension, you may get an error with tensor board, just disable it.

  • @AmochaSagolsem
    @AmochaSagolsem Месяц назад

    I got this error "ValueError: Cannot assign value to variable ' conv5_block1_1_conv/kernel:0': Shape mismatch.The variable shape (1, 1, 1024, 512), and the assigned value shape (1, 1, 1088, 256) are incompatible." when trying to train using faster RCNN. in the train and test image. the image size is 295x440. is it because my images are too small?

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

    code is obsolete, with TF 2.16 the colab does not work

    • @Moein_rmz
      @Moein_rmz Месяц назад

      what should we do?

    • @istillplay271
      @istillplay271 Месяц назад

      @@Moein_rmzyou have to find another optimal solution like using media pipe or yolo etc… until the object detection api becomes a stable version

  • @brieze4704
    @brieze4704 2 месяца назад

    Really nice tutorial! Only thing to improve for he next ones is the font size, makes it difficult to read. Keep it up!

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

    Dude thank you so much for this.

  • @EED-qj2tv
    @EED-qj2tv Месяц назад

    I want to use faster rcnn with mobilenet. So can i change the backbone or something else using variables and checkpoints?

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

    you won't belive how much you helped me, there are some simpler object detector trainers like Yolo's ultralytics but i was bound to use TF framework and your video helped me a lot, thanks and keep the good work up. ❤🙏

  • @Moein_rmz
    @Moein_rmz Месяц назад +1

    I got this error in colab:
    AttributeError: module 'keras._tf_keras.keras.layers' has no attribute 'experimental'

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

    I wish you have tutorial on coverting it in tflite and running it in raspberry pi🙏

  • @allea-zb7kl
    @allea-zb7kl 2 месяца назад

    From the training process, can we see the weight and bias results for each layer that will be used for test data?

  • @ayoubbenachour789
    @ayoubbenachour789 4 дня назад

    where is the colab for this project ??

  • @RG-rf9dj
    @RG-rf9dj Год назад

    Appreciate the tutorial!

  • @hankarnold9920
    @hankarnold9920 Месяц назад

    Went through the detection process, trying to get through this.
    Very helpful
    With this one, I see some *.py files in the git, but no images or examples that can be used to follow along.
    Is there another git somewhere?
    do you do any consulting?

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

    Is there any easy way of calculating the accuracy of your own model created with this tutorial?

  • @Iqra.m7-dp1ys
    @Iqra.m7-dp1ys Месяц назад

    Hi.It was wonderfuil tutorial. Every thing went well when I tested my trained model with ( detect_from_image.py) .When I wanted to load the model with (detect_from_webcam.py) it gave me this error: return ops.EagerTensor(value, ctx.device_name, dtype)
    ValueError: Failed to convert a NumPy array to a Tensor (Unsupported object type NoneType).Please help me

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

    In the google colab tutorial I keep getting an error when I run the code block:
    %%bash
    cd models/research/
    protoc object_detection/protos/*.proto --python_out=.
    cp object_detection/packages/tf2/setup.py .
    python -m pip install .
    I get this error:
    CalledProcessError: Command 'b'cd models/research/
    protoc object_detection/protos/*.proto --python_out=.
    cp object_detection/packages/tf2/setup.py .
    python -m pip install .
    '' returned non-zero exit status 1.
    Can anyone help??

  • @allea-zb7kl
    @allea-zb7kl 3 месяца назад

    Hi, I have a question. Why does TensorFlow Object Detection (TFOD) use steps? Also, what is the difference between steps and epochs? Why do steps tend to be in the tens of thousands, while epochs usually only reach the hundreds?

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

    i running my model on local PC and stuck in with these message for a long time, what should i do?
    tensorflow/core/framework/dataset.cc:769] Input of GeneratorDatasetOp::Dataset will not be optimized because the dataset does not implement the AsGraphDefInternal() method needed to apply optimizations.

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

    Love this tutorial❤

  • @gdbdff
    @gdbdff 16 дней назад

    hello how can i conveert the pb model to tflite? make a video on that plzzz

  • @samuelsarfati9314
    @samuelsarfati9314 Год назад +2

    Hello, thank you very much for this tutorial 👍, I saw on the github of the object detection API that the framework is now deprecated, since 5 months I think, do you know if it is still relevant to use it, and what to replace it by in the future ?

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

      absolutely, its not working as mostly depricated things are there

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

    This was super helpful!

  • @bartek-99
    @bartek-99 Год назад +2

    Has anyone had a similar problem? 'self._read_buf = _pywrap_file_io.BufferedInputStream(
    UnicodeDecodeError: 'utf-8' codec can't decode byte 0xbf in position 100: invalid start byte'

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

      Hi, I'm facing the same error. Did you solve it?

    • @juniperus.itoigawa
      @juniperus.itoigawa 10 месяцев назад

      Yes exactly, If you solved it pls help 😢

    • @joaopedroVasconcelosm
      @joaopedroVasconcelosm 8 месяцев назад +1

      Hi guys, i could solve this problem using in WindowsButton -> Settings ->Time and Language ->Admin Language Settings -> change system locale and then mark "Use utf-8 to worldwide language support" ok and reboot.

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

    Thank you so much for this!

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

    First of all Thank you ❤❤ for this wonderful and easy to follow tutorial on object detection , i was hoping if you could share how to test the model in colab itself and how to convert our model into a tflite file

    • @LazyTech825
      @LazyTech825  Год назад +2

      Thank you! If you go to the GitHub repo I have linked and go up the fork to the original repo, there are examples in there on how to test it on colab!

  • @debgandharghosh3981
    @debgandharghosh3981 6 месяцев назад

    I don't know for some issue the model isn't training on gpu on google colab . I am using tensorflow version 2.9.0

  • @ameer-alahmadi
    @ameer-alahmadi Год назад +1

    Thanks a lot for your great tutorials. I just wonder why it does not used my GPU when it train the model instead it just used the CPU?!

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

    Hi ben, how do you get the traindata set on the local pc ? For example , after i train the custom dataset on my local pc . How do i get the train file ?

  • @ameer-alahmadi
    @ameer-alahmadi Год назад

    Can you please explain how to convert the pb model to onnx and use it with opencv. Thanks a lot.

  • @divyamadineni715
    @divyamadineni715 2 месяца назад

    Is that everyone able to acces the model like when we try to download the model .tar then it is saying acces denied

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

    can I use my webcam to detect the lego color?

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

    you are showing about the config files but we dont have access to those.. where can i get those config files

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

    hi can i know how you evaluate the trained model you create, like what code to use to evaluate using our val data

  • @juggernogking4829
    @juggernogking4829 7 месяцев назад +1

    Thank you

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

    In which file i can perform some action while a model is detected? Let say i want to send a email to someone if a person is detected?

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

    ca you help me?
    when I see
    UnicodeDecodeError: 'utf-8' codec can't decode byte 0x8c in position 94: invalid start byte

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

      Hi! I have the same issue. Did you solve it?

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

      In my case, I messed up the xml files. Check if xml files exist for each image

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

      i could solve this problem using in WindowsButton -> Settings ->Time and Language ->Admin Language Settings -> change system locale and then mark "Use utf-8 to worldwide language support" ok and reboot.

  • @mox-us8ml
    @mox-us8ml Год назад +1

    Hi, very good tutorial, except I'm getting a "AssertionError: No checkpoint specified (save_path=None); nothing is being restored." after trying to export the inference graph. Have you seen this error before?

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

      Yep im facing the same issue

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

      Are you seeing this error on colab or local?

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

      @@LazyTech825 local, I fixed by changing the command, my training folder had an “=“ in front of “training” so that caused the problem

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

      Glad you figured it out!

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

    Awesome tutorial! Can I have the lego dataset you mentioned in Kaggle to try it out?

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

      You can visit my Kaggle account and grab it from there!

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

    First of all, thank you for the amazing tutorial. It helped me a lot with a project of mine and I'm still working on it. Second thing, is there a way to get the accuracy of the model with this method? Most sources online tell me to add the accuracy flag while training but I don't think that's the right way of doing it in this case. I tried loading the images in a numpy array and using the model.evaluate() function but it doesn't work well because the labeled images are all different sizes and python doesn't like that (i could try resizing but wouldn't that lose me data?). How should I go about it?

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

      If tfrecords are generated with script in his repo , problem with assertion ( bounding box exceed 1.1 ) can occure when running evaulvation on models , as in genetrate_tfrecord.py you taking image size with :
      image = Image.open(encoded_jpg_io)
      width, height = image.size
      but reading x , y min/max from .csv , that causes that width/height are different than in xmls , thereofe its better to adjust for index loop like this :
      for index, row in group.object.iterrows():
      width = row['width']
      height = row['height']
      xmins.append(row['xmin'] / width)
      xmaxs.append(row['xmax'] / width)
      ymins.append(row['ymin'] / height)
      ymaxs.append(row['ymax'] / height)

      print(xmins,xmaxs,ymins,ymaxs)
      classes_text.append(row['class'].encode('utf8'))
      classes.append(class_text_to_int(row['class']))

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

    Thank you for this tutorial. However, during training I encountered the following error:
    TypeError: Since we are restoring a v2 style checkpoint restore_map was expected to return a (str -> Model) mapping, but we received a (str -> CheckpointV1) mapping instead.
    I am training it it Local

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

    If I want to use dataset from roboflow universe ,which format should I choose?And what is next step I need to do?
    Hope someone can help me🙏🙏🙏

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

    Your tutorial is amazing straightforward and saved me a lot of headache looking through other tutorials. I have a question, would you happen to know how to export to tflite format for object detection for RaspPi. Been trying to figure this out but to no avail.

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

      I’ll hopefully be making a video on how to do that soon! If you haven’t seen it already I do have a video on how to setup tflite on raspberry pi

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

      @@LazyTech825 I've watched it and it was really informative. Thanks!

  • @ameer-alahmadi
    @ameer-alahmadi Год назад

    Excuse me when I tried to run (python .\xml_to_csv.py) ,I get (IndexError: child index out of range)

  • @ramf7673
    @ramf7673 Год назад +2

    Can you use this to have multiple (really) different objects? Like instead of similar things like legos could you do a mask, banana, and soda cans? (as an example). Either way, very helpful!

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

      Yes you can! And thanks for watching!

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

      @@LazyTech825 Awesome, it would be cool if you made a video doing something silly with detection i think

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

      You got it 😎

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

    Awesome ❤❤ I follow yr step success to trained model and detect object. May i know how can i convert to H5 and json format ?

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

    why my regulation loss stay at 0. i follow your steps. is it because we using different model. i use inception resent v2 640x640.

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

    instead of using kaggle to save, can i use drive directly to save all the steps

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

    Sir how can i get the accuracy to be tested?, or there any method to get the accuracy on the tensorboard?

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

    Hi, I was wondering if I can use roboflow datasets instead of kaggle? if yes, how?

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

    please answer where can i access the config fiels that you edit

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

    I got error at "import tensorflow.compat.v2 as tf"
    please help

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

    if I use this tutorial but I use a mobilnet v2 ssd, will it work?
    thank you sir🙏

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

    Does the colab notebook still work? As I've encountered in my other projects, the object_detection API won't install. Also, Tensorflow==2.6.0 is not available.

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

    what is the time taken for training this model in our cpu

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

    Appreciate your effort Sir.
    Help me a lot for my project.
    However, may I know how can I extract the Accuracy/Precision or anymore informative data while the training is done?

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

      That would be Tensorboard

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

    Nice!

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

    will the roboflow dataset work if I export it as tensorflow TFrecord and use it in the notebook?

  • @istillplay271
    @istillplay271 2 месяца назад

    The tensorflow addons have been discontinued, is there any alternative solution

    • @TRENTINATERx2000
      @TRENTINATERx2000 Месяц назад

      Wdym by addons

    • @istillplay271
      @istillplay271 Месяц назад

      @@TRENTINATERx2000 tensorflow addons is a package that establishes a well api background.. ie it provides a well distribution for packages like losses, optimizers, layers etc. . When you try to execute the code explained in here on your GPU… it throws out an error saying the tensorflow addons are not more present hence couldn’t be processed… when looked at documentation, tfa has gone to minimal contributions until may 2024… and would discontinue henceforth… which makes the current usage of tensorflow 2.8 unusable…. Hence you have to upgrade you tensorflow to newer versions.. which is another hectic work

  • @tecm4348
    @tecm4348 6 месяцев назад

    what's the environment this was run?

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

    can you explain how to convert saved model to tensorflowjs format, because currently i use your video example and use .pb format, but i want to convert it to .h5 format for web detection

    • @Iqra.m7-dp1ys
      @Iqra.m7-dp1ys Месяц назад

      is this necessary? I checked my model with (detect_from_images.py) it worked well .but when I checked with (detecgt_from_webcam.py) it gave me this error: return ops.EagerTensor(value, ctx.device_name, dtype)
      ValueError: Failed to convert a NumPy array to a Tensor (Unsupported object type NoneType).can you help? did you find any solution ?

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

    ValueError: Failed to convert a NumPy array to a Tensor (Unsupported object type NoneType). how can i fix it?

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

      When do you see this error? After what command?

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

    AttributeError: module 'tensorflow.python.ops.control_flow_ops' has no attribute 'case' got this error.

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

      Use "conda activate tf2" tf2 being the name of your conda environnement that you've created.

  • @-Jyothi-mv2yv
    @-Jyothi-mv2yv 7 месяцев назад

    can anyone tell me how do I get that dataset

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

    Idk if you can help me but I am getting the following error when I run the training script: Tensorflow: AttributeError: module 'tensorflow.python.ops.control_flow_ops' has no attribute 'case'

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

      I was also getting the same error. It related to Tensorflow version 2.14 (latest one). I resolved it with the solution provided here. Basically by downgrading the version to 2.13. stackoverflow.com/questions/77247945/tensorflow-attributeerror-module-tensorflow-python-ops-control-flow-ops-has

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

      Same here. Can't find a solution anywhere.

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

      On Colab i mean. Local runs fine.

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

    Can u make trash detection ? Such as bottle, wrapper, plastic, can? 4 classes please

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

      Yes! Instead of using different Lego bricks like I did, just use pictures and labels of different types of trash!

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

      @@LazyTech825
      Can you count objects in a image ? For example, how many water bottles there are in a image.

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

      Yes! In the run_inference_for_single_image function, there is a variable called num_detections which holds a count of all the things detected. It’s also a good video idea so I’ll make one about doing this soon!

    • @LazyTech825
      @LazyTech825  Год назад +2

      I made a video on how to do this! Check out my channel!

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

    where can i get the configs

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

    Hi, need some help
    model_dir = 'training/'
    Is the model which you unzipped saved in this directory 'training'. If not what is supposed to be in 'training'.

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

      The training directory that exists on my local pc was created from training on local pc, if you are downloading your model from google colab you shouldn’t have to worry about it

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

      @@LazyTech825 thanks, your tutorial was the only one that worked for me

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

      Glad it helped!

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

    I love your tutorials!

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

    I'm not sure if anyone of you face this problem like I do:
    AttributeError: module 'tensorflow' has no attribute 'contrib'.
    I follow exactly along the videos but just don't understand why is this thing happening. I searched online and they said this thing has deprecated starting TF 2.0 Alpha. I have rewatched this video several times, I pretty sure that I follow exactly as in the videos. Can anyone please help me out? Thanks!

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

      hey, I solved this problem with !pip install tensorflow=="2.9.0"

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

    I am getting this error. I am using all images with jpeg format
    please help
    Unknown image file format. One of JPEG, PNG, GIF, BMP required.
    [[{{node case/cond/cond_jpeg/decode_image/DecodeImage}}]]
    [[MultiDeviceIteratorGetNextFromShard]]
    [[RemoteCall]]
    [[while/body/_1/IteratorGetNext]] [Op:__inference__dist_train_step_55134]

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

    You need to raise the voice and zoom in your screen to see what you are doing. Thanks.

  • @KengCat-kt6rt
    @KengCat-kt6rt 4 месяца назад +2

    tensorflow.python.framework.errors_impl.NotFoundError: NewRandomAccessFile failed to Create/Open: =ssd_efficientdet_d0_512x512_coco17_tpu-8.config : The system cannot find the file specified.
    ; No such file or directory

    • @true_neutral3378
      @true_neutral3378 2 месяца назад

      same problem, have you fixed it yet?

    • @true_neutral3378
      @true_neutral3378 2 месяца назад

      Fixed it. python model_main_tf2(.)py --pipeline_config_path=ssd_efficientdet_d0_512x512_coco17_tpu-8.config --model_dir==training --alsologtostderr. There should only be one equal sign before "ssd_efficientdet_d0_512x512_coco17_tpu-8.config", the code in the readme is wrong. I had to remove the "." betweeb tf2 and py because youtube kept deleting my reply.

    • @true_neutral3378
      @true_neutral3378 2 месяца назад

      This is also a problem for the code that generates the training folder, it also has an extra equal symbol before training resulting in the training folder being named "=training". This causes another error later on when you are exporting your inference graph. I feel pretty smart right now but I know I'm not.

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

    can we deploy our trained model to local host or website to detect image from uploaded image ?

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

      I don’t know how, but I’m sure you could lol

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

      @@LazyTech825 i hope you can make video of it, that will be helpful

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

    Doing God's work!

  • @patis.IA-AI
    @patis.IA-AI 5 месяцев назад

    Great Tuto but have a little problem to solve via colab the model_maim_tf2.py run run properly ===> this is the error AttributeError: module 'tensorflow.python.ops.control_flow_ops' has no attribute 'case' . Someone has an idea ? Thanks and a good day

    • @shivangi.shrivastava
      @shivangi.shrivastava 5 месяцев назад

      Hello! I got the same error.
      # Fix for error: Attributeerror: module 'tensorflow.python.ops.control_flow_ops' has no attribute 'case'
      import shutil
      import re
      original_path = '/usr/local/lib/python3.10/dist-packages/tf_slim/data/tfexample_decoder.py'
      with open(original_path, 'r') as file:
      content = file.read()
      content = re.sub(r'import abc', 'import tensorflow as tf

      import abc', content)
      content = re.sub(r'control_flow_ops.case', 'tf.case', content)
      content = re.sub(r'control_flow_ops.cond', 'tf.compat.v1.cond', content)
      with open(original_path, 'w') as file:
      file.write(content)
      print(f"File {original_path} fixed.")
      This piece of code helped me solve the error!

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

    Please implement early stopping in the training please

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

      All you have to do is stop the process while it is training!

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

    It's a nice tutorial can u share the colab link also

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

      The colab file can be found in my GitHub repo under the model training folder

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

    Labels won't appear in my model when I run it.

    • @varshini.s4966
      @varshini.s4966 7 месяцев назад

      Hi.... I am too facing the same problem.... So can you tell me how you solved this issue, it will be very helpful..

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

      @@varshini.s4966 i gave up

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

    I personally don't prefer google colab if you're a free user. It will be extremely slow, so in short use your pc if you're a free user.

  • @faraday6521
    @faraday6521 Месяц назад

    your screen is to far, can't see the code well

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

    File "E:\ANaconda\envs\tf2\lib\site-packages\tensorflow\python\lib\io\file_io.py", line 76, in _preread_check
    self._read_buf = _pywrap_file_io.BufferedInputStream(
    TypeError: __init__(): incompatible constructor arguments. The following argument types are supported:
    1. tensorflow.python.lib.io._pywrap_file_io.BufferedInputStream(filename: str, buffer_size: int, token: tensorflow.python.lib.io._pywrap_file_io.TransactionToken = None)
    I am getting this error while training
    does anyone has idea? kindly help
    Thanks.

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

    You can open camera and detection please help me

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

      I’m not sure what you need help with?

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

      I mean real-time video detection object detection model not pictures 😅😅

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

      You can use the other script in my GitHub repo to use a webcam instead of photos

  • @Shiny-4ddr
    @Shiny-4ddr Год назад

    Getting KeyError : 'filename' ;/

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

      Where do you see this error?

    • @Shiny-4ddr
      @Shiny-4ddr Год назад

      @@LazyTech825 After trying to get generate_tfrecord to work I guess

  • @fin3014
    @fin3014 6 месяцев назад

    File "C:\ProgramData\miniconda3\envs\tf2\lib\site-packages\tensorflow\python\lib\io\file_io.py", line 76, in _preread_check
    self._read_buf = _pywrap_file_io.BufferedInputStream(
    UnicodeDecodeError: 'utf-8' codec can't decode byte 0xcd in position 94: invalid continuation byte
    (tf2) PS C:\Users\Octava\PycharmProjects\tenserflow\models
    esearch\object_detection>
    I still haven’t found a solution to this problem, although I followed your guides step by step from installing tensorflow and conda to training my own model.

    • @patis.IA-AI
      @patis.IA-AI 5 месяцев назад

      Hi Did you find because I have the same problem thanks

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

      @@patis.IA-AI I’m just find another video with Yolov8

    • @patis.IA-AI
      @patis.IA-AI 5 месяцев назад

      And it works with custode data ?? If yes can you guve me thé link tanks à lot

    • @patis.IA-AI
      @patis.IA-AI 5 месяцев назад

      Sorry custode data 😂

    • @patis.IA-AI
      @patis.IA-AI 5 месяцев назад

      Custom data

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

    I am now making a macaroni detector

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

    Thank you, the object detection api is now deprecated

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

      Must have been a recent change, maybe I’ll make a new video about it

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

    i wasted my time trying to refollow every single step in this tutorial but now help their is so many error wasted my time on this tutorial no help at all just look for another tutorial that might actually help you

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

      It works, just take your time and take note of what you are doing in a notepad. You can do it.

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

      @@watwat7097 yeah i think it realy works i am jist frustrated at this time when i wrote this comment i will be deleting it

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

    I'm still following on 10:59 time stamp and having issue while i did a command with "python generate_tfrecord.py --csv_input=images/test_labels.csv --image_dir=images/test --output_path=test.record" because after i executed this command the output that appears is like
    "2024-05-16 14:29:12.665173: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'cudart64_110.dll'; dlerror: cudart64_110.dll not found
    2024-05-16 14:29:12.666202: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
    2024-05-16 14:29:20.137487: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'nvcuda.dll'; dlerror: nvcuda.dll not found
    2024-05-16 14:29:20.138579: W tensorflow/stream_executor/cuda/cuda_driver.cc:263] failed call to cuInit: UNKNOWN ERROR (303)
    2024-05-16 14:29:20.149179: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic information for host: LAPTOP-SRJO8REI
    2024-05-16 14:29:20.150119: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: LAPTOP-SRJO8REI
    Traceback (most recent call last):
    File "C:\TF2\models-master
    esearch\object_detection\generate_tfrecord.py", line 106, in
    tf.app.run()
    File "C:\Users\Lenovo\anaconda3\envs\tf2\lib\site-packages\tensorflow\python\platform\app.py", line 36, in run
    _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
    File "C:\Users\Lenovo\anaconda3\envs\tf2\lib\site-packages\absl\app.py", line 308, in run
    _run_main(main, args)
    File "C:\Users\Lenovo\anaconda3\envs\tf2\lib\site-packages\absl\app.py", line 254, in _run_main
    sys.exit(main(argv))
    File "C:\TF2\models-master
    esearch\object_detection\generate_tfrecord.py", line 97, in main
    tf_example = create_tf_example(group, path)
    File "C:\TF2\models-master
    esearch\object_detection\generate_tfrecord.py", line 86, in create_tf_example
    'image/object/class/label': dataset_util.int64_list_feature(classes),
    File "C:\Users\Lenovo\anaconda3\envs\tf2\lib\site-packages\object_detection\utils\dataset_util.py", line 30, in int64_list_feature
    return tf.train.Feature(int64_list=tf.train.Int64List(value=value))
    TypeError: None has type NoneType, but expected one of: int, long"
    does anyone can help me to fix this issue?

    • @true_neutral3378
      @true_neutral3378 2 месяца назад

      Look for a part in the code that says "Return None" and replace it with "Return 0" idk how Return None worked for him

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

    can you help me sir?
    tensorflow.python.framework.errors_impl.NotFoundError: NewRandomAccessFile failed to Create/Open: =ssd_efficientdet_d0_512x512_coco17_tpu-8.config : The system cannot find the file specified.
    ; No such file or directory
    what should i do?

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

      What command are you running when doing this? Make sure the file path you use is pointing to the correct location

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

      @@LazyTech825 issue solved sir, i got a typo on command
      i have another question sir
      W0225 08:04:49.470887 140626416908096 deprecation.py:350] From /usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1176: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
      Instructions for updating:
      Use `tf.cast` instead.
      why is my model stuck in there when i'm trying to run a training command, it is normal or not? thanks for your reponse sir

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

      I’m not exactly sure what you mean, can you elaborate?

    • @rastusshane726
      @rastusshane726 Год назад +2

      Just remove the "=" sign at the beginning of the file path.

    • @neoblackcyptron
      @neoblackcyptron Год назад +2

      @@rastusshane726 Thank you so much for this help.