Real Time Face Mask Detection with Tensorflow and Python | Custom Object Detection w/ MobileNet SSD

แชร์
ฝัง
  • เผยแพร่เมื่อ 31 ต.ค. 2020
  • Ever wanted to build your very own custom object detector?
    Got lost with all the tutorials and installation?
    Well…I hear you…I went through the
    EXACT. SAME. THING.
    So, let’s flip it up. In this video we’re going to go through how to build a custom object detection model that can be used to make detections in real time. Now whilst we’re using it for detecting face masks this can be easily repurposed to perform real-time detection for a whole range of use cases simply by updating the annotations and the label map.
    In this video you’ll learn how to:
    1. Install labelImg and label images from scratch for object detection
    2. Train and run a custom object detector for face mask detection
    3. Use transfer learning to train on top of existing SOTA models
    4. Setup a proper workflow and directory structure for training
    5. Make detections in real time using the trained model
    Get the training template here: github.com/nicknochnack/RealT...
    Other Links Mentioned in the Video
    LabelImg: github.com/tzutalin/labelImg
    Kaggle Repo: www.kaggle.com/wobotintellige...
    Installing the Tensorflow Object Detection API: tensorflow-object-detection-a...
    Tensorflow Models: github.com/tensorflow/models
    Tensorflow 2 Detection Model Zoo (for alternate pre-trained models): github.com/tensorflow/models/...
    Oh, and don't forget to connect with me!
    LinkedIn: / nicholasrenotte
    Facebook: / nickrenotte
    GitHub: github.com/nicknochnack
    Happy coding!
    Nick
    P.s. Let me know how you go and drop a comment if you need a hand!
  • วิทยาศาสตร์และเทคโนโลยี

ความคิดเห็น • 1.8K

  • @pavinlimpotong9141
    @pavinlimpotong9141 2 ปีที่แล้ว +5

    Thank you so much Nick, I can tell that you put so much effort into your youtube channel and you really care about what you are doing. Nice editing, detail explaination, and you even answer some of the comments. Again thank you so much for the video and I'm looking forward for the next video!!!

  • @vrishabvishnu5520
    @vrishabvishnu5520 3 ปีที่แล้ว +8

    Hey!!! hope you are doing good?!Glad to see this video! was eagerly waiting for it since last month!!

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      YESSS! It took a little while but got it out at last. Tried to make it as streamlined as possible so the code is reusable. Let me know how you go with it @anonymous three!

  • @jeromevandenbossche1632
    @jeromevandenbossche1632 3 ปีที่แล้ว +4

    Just here to thank you, after weeks trying to install and run Tensorflow in windows it finally works thanks to you !!!! and please continue with the good tutorials, i'm subbing =)

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +2

      I feel that pain in my soul (went through it as well). Glad you got it up and running! What's next on your project list!?

    • @saisharaneruventi2180
      @saisharaneruventi2180 3 ปีที่แล้ว +1

      Can I have the code

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      @@saisharaneruventi2180 link in the description!

    • @prajwalkumar5074
      @prajwalkumar5074 3 ปีที่แล้ว

      Hello,
      Can I know the version of python and tensorflow you have installed,
      I have installed tensorflow 2.1.3 and python 3.8 and error regarding gfile is popping up.
      Please help!!!

  • @darshpatel3491
    @darshpatel3491 2 ปีที่แล้ว +1

    Nicholas, you are the best when it comes to Objection detection, you have helped me a lot, thank you

  • @reybato4788
    @reybato4788 3 ปีที่แล้ว +15

    Thank you Nicholas you help my project in school.. Im so glad i finally found your videos.. I learn so much....❤❤

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +2

      Heya @Rey, thanks so much. Glad you learned a ton 🤗

    • @vishnukeerthi5024
      @vishnukeerthi5024 3 ปีที่แล้ว

      @@NicholasRenotte bro I have a small doubt if u train the model with u r photos is it possible for the model to detect all the other people whether they were a mask or nott??

    • @vishnukeerthi5024
      @vishnukeerthi5024 3 ปีที่แล้ว

      Is in possible with that same model than how to use the same model to recognise other people tooo ex: like it may be installed in public places where It can alert to wear a mask

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      @@vishnukeerthi5024 definitely, ideally you would want to provide additional examples with other people when training!

  • @user-fl7vs4ed6l
    @user-fl7vs4ed6l 3 ปีที่แล้ว +85

    01:43 Let's do this
    04:20 Building up Imaglabling
    05:29 PyQt & XML
    07:50 Image ready for deployment
    12:36 Get and read Xml file
    18:01 00-Setup paths
    19:57 Creating label map(dictionary)
    21:52 Creating label map(labeling complete)
    23:25 Creating TF records
    26:19 TF model zoo(downloading pretrained models)
    27:50 TF model zoo choosing
    30:03 Copy model config to training model
    32:21 Update Config for transfer learning
    40:27 Train the model
    44:51 Load train model from check point
    49:00 Detect in real time
    56:11 error

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +4

      Thanks so much!

    • @user-fl7vs4ed6l
      @user-fl7vs4ed6l 3 ปีที่แล้ว +6

      Zero to hero , I want to finish my final project.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +3

      @@user-fl7vs4ed6l awesome, how's it going so far?

    • @sravani3059
      @sravani3059 2 ปีที่แล้ว

      A subdirectory or file Tensorflow\workspace\models\my_ssd_mobnet already exists.
      'cp' is not recognized as an internal or external command,
      operable program or batch file. what is the solution of this error plz help me to solve this

    • @nabils4738
      @nabils4738 2 ปีที่แล้ว +1

      @@sravani3059 Need to use gitbash maybe

  • @enchantedchim9489
    @enchantedchim9489 2 ปีที่แล้ว +2

    This was so incredibly helpful! Actual lifesaver

  • @akshayd211
    @akshayd211 ปีที่แล้ว

    Jeezus, this is the best one out here! THANK YOU FOR MAKING EVERYTHING AVAILABLE

  • @aniket1015
    @aniket1015 3 ปีที่แล้ว +3

    Thank you very much Nicholas for all these videos, they are really helpful for all of us. Love the efforts you put in , and also the funny stuff u integrate in the beginning.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      Oh I haven't done an intro skit for a while, definitely need to do a new one this week! Thanks so much for checking it out!

    • @aniket1015
      @aniket1015 3 ปีที่แล้ว

      @@NicholasRenotte hey man i am getting few errors while creating TF records.
      1. tensorflow has no module gfile.(after scrapping the net i was able to fix it, we are supposed to replace tf.gfile with tf.io.gfile.......tensorflow has moved gfile to tensorflow.io)
      2.
      Traceback (most recent call last):
      File "Tensorflow/scripts/generate_tfrecord.py", line 63, in
      label_map_dict = label_map_util.get_label_map_dict(label_map)
      File "C:\Users\ANIKET\anaconda3\envs\ObjectDetection\lib\site-packages\object_detection\utils\label_map_util.py", line 164, in get_label_map_dict
      label_map = load_labelmap(label_map_path)
      File "C:\Users\ANIKET\anaconda3\envs\ObjectDetection\lib\site-packages\object_detection\utils\label_map_util.py", line 133, in load_labelmap
      label_map_string = fid.read()
      File "C:\Users\ANIKET\anaconda3\envs\ObjectDetection\lib\site-packages\tensorflow\python\lib\io\file_io.py", line 117, in read
      self._preread_check()
      File "C:\Users\ANIKET\anaconda3\envs\ObjectDetection\lib\site-packages\tensorflow\python\lib\io\file_io.py", line 79, in _preread_check
      self._read_buf = _pywrap_file_io.BufferedInputStream(
      TypeError: __init__(): incompatible constructor arguments. The following argument types are supported:
      1. tensorflow.python._pywrap_file_io.BufferedInputStream(filename: str, buffer_size: int, token: tensorflow.python._pywrap_file_io.TransactionToken = None)
      Invoked with: item {
      name: "with_mask"
      id: 1
      }
      item {
      name: "without_mask"
      id: 2
      }
      , 524288
      i am really stuck at this from yesterday, if you have any idea please help me out.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      No problemo @@aniket1015, can you double check your images are all valid and the labels map exactly to what you've got in your label map i.e. with_mask and without_mask (it's case sensitive).

    • @aniket1015
      @aniket1015 3 ปีที่แล้ว

      @@NicholasRenotte Yes Nicholas , I have double checked it all. That dose not seems to be the issue. The label map is same as yours, just the labels are 'with_mask' and 'without_mask' and the annotations have the same name.

    • @Hdx64
      @Hdx64 2 ปีที่แล้ว

      @@aniket1015 Hi. Did you ever found how to solve this? i also got stuck here and also found the solution to problem 1, but i had no luck with problem 2

  • @samtech26
    @samtech26 2 ปีที่แล้ว +6

    excellent explanation. Turkish resources on these subjects are limited. Thank you very much. I am grateful to you. Allah you bless you.

  • @abeermalkawi9812
    @abeermalkawi9812 2 ปีที่แล้ว

    Thanks very much for the clear tutorial you provided. This is the best I found in this field.

  • @albana.rodriguez7814
    @albana.rodriguez7814 2 ปีที่แล้ว

    Your content is amazing .
    Thanks a lot for all the content, you motivate me a lot to keep learning.
    Blessings.

  • @gabesz9530
    @gabesz9530 3 ปีที่แล้ว +13

    Hi Nicholas, im trying to do this project but i think i have problem with what programs do i need to use(like which tf version, python, opencv, protobuf etc). Could you tell me what you used while making this video and how to get them? Best wishes

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +20

      Yup! Alrighty, I think I'm going to make a video on this as there's a little involved:
      This is what you need to do to setup your env. This my full env btw for this tutorial I used Windows 10.
      1. First up install Python 3.7.4. Download and install the package for your OS that has the words 2019.10 in it from here repo.anaconda.com/archive/. This should give you 3.7.4 to work with.
      2. Then install Visual Studio C++ 2015 from here: go.microsoft.com/fwlink/?LinkId=691126. Tensorflow needs this in order to compile
      3. OPTIONAL IF YOU HAVE A GPU - Install Cuda and Cudnn. Install Cuda first, then install Cudnn.
      - Cuda: 10.1 (GPU only - developer.nvidia.com/cuda-10.1-download-archive-base)
      - Cudnn: 7.6.5 (GPU only - developer.nvidia.com/rdp/cudnn-download)
      Once Cudnn is installed you need to copy the Cudnn files into their respective folders inside the Cuda directory. I used this as a guide: towardsdatascience.com/installing-tensorflow-with-cuda-cudnn-and-gpu-support-on-windows-10-60693e46e781
      4. Then install Protoc 3.13 from here: github.com/protocolbuffers/protobuf/releases. For windows, download the repository and then add it to your PATH file.
      5. Then install python packages using the pip command:
      Tensorflow: 2.3.1 - pip install tensorflow==2.3.1
      OpenCV: 4.4.0 - pip install tensorflow==4.4.0
      6. Install the object detection API. To do this, run these commands from a command prompt or terminal:
      git clone github.com/tensorflow/models
      cd tensorflow/models/research
      protoc object_detection/protos/*.proto --python_out=.
      cp object_detection/packages/tf2/setup.py .
      python -m pip install .

    • @mohamedouazze9414
      @mohamedouazze9414 2 หลายเดือนก่อน

      @@NicholasRenotte hi nicholas that is load in mac os or not supported

  • @manavsheth4446
    @manavsheth4446 3 ปีที่แล้ว +5

    Hello sir, thank you for the tutorial. I keep running into this error. What variable value is needed to be changed for number of classes = 9
    ValueError: Cannot assign to variable WeightSharedConvolutionalBoxPredictor/WeightSharedConvolutionalClassHead/ClassPredictor/bias:0 due to variable shape (546,) and value shape (12,) are incompatible

    • @shreyase9541
      @shreyase9541 3 ปีที่แล้ว +1

      Facing the same issue.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @manav, just change the labels in the labelmap and it will be picked up. If you're doing this after pre-training then you need to start again or freeze your model.

  • @khairulazhar7593
    @khairulazhar7593 3 ปีที่แล้ว +2

    So amazing, really worth it to watch. Best explanation and easy to follow. Keep up doing video sir. You just got 1 new subscriber 😁

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Thanks so much @Khairul, welcome to the fam!

  • @thiagosoares5052
    @thiagosoares5052 2 ปีที่แล้ว

    Good Morning! within this area of facial recognition in Python, I didn't find a channel as rich as yours, Congratulations!!! Levi. of Brazil...

  • @akbaraliotakhanov1221
    @akbaraliotakhanov1221 2 ปีที่แล้ว +5

    Great tutorial! I have completed until training part with a bit difficulties. But when I run Load Train Model from checkpoint initial cell, there was an error about tf_slim. Then I tried to fix it via ''!pip install tf_slim''. Then again error about tensorflow.io and I tried with ''!pip install tensorflow.io''. Now it is saying ''AlreadyExistsError: File system for az already registered''. How it can be fixed? Why this error is happening?

    • @akbaraliotakhanov1221
      @akbaraliotakhanov1221 2 ปีที่แล้ว +2

      now it is running without errors. In the beginning, I had tried with an old tensorflow version 2.4.1. I solved the problem with upgrading it into 2.7.

    • @anniezaidi7607
      @anniezaidi7607 2 ปีที่แล้ว

      plz plz plz also help to how to check my model for test images in my folder not in real time.
      This is my code plz let me know what is wrong with this. it is not giving me any output.
      configs = config_util.get_configs_from_pipeline_file(Config_path)
      detection_model = model_builder.build(model_config=configs['model'], is_training=False)
      # Restore checkpoint
      ckpt = tf.compat.v2.train.Checkpoint(model=detection_model)
      ckpt.restore(os.path.join(Checkpoint_Path, 'ckpt-2')).expect_partial()
      def detect_fn(image):
      image, shapes = detection_model.preprocess(image)
      prediction_dict = detection_model.predict(image, shapes)
      detections = detection_model.postprocess(prediction_dict, shapes)
      return detections
      window_name='image'
      for image_path in TEST_IMAGE_PATHS:
      image=cv2.imread(detect_fn(image_path))
      cv2.imshow(window_name,image)

      cv2.waitKey(0)
      cv2.destroyAllWindows()

  • @schouketta1980
    @schouketta1980 3 ปีที่แล้ว +4

    Hey ! Thank you for this tutorial. Im looking to export this into a TFlite. Do you have any tutorial for that ?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +4

      Stay tuned should be out in the next few weeks!

  • @hardikatkotiya7709
    @hardikatkotiya7709 2 ปีที่แล้ว +2

    Hi Nick, love the way you teach. I tried to implement the same but ran into an error stating this AttributeError: module 'object_detection.protos.faster_rcnn_pb2' has no attribute 'AttentionPosition' while model_builders is getting imported
    AttributeError: module 'object_detection.protos.faster_rcnn_pb2' has no attribute 'AttentionPosition' while model_builders is getting imported
    Can you help me out in this?

  • @karmasoleni8104
    @karmasoleni8104 2 ปีที่แล้ว

    Hello Nicholas
    Thank you for the detail of the video. I have a question, I would be very happy if you could answer it. For a similar project I want to shrink and relocate the text in the output. For example, "NoMask" should be printed in a different place with a slightly smaller font size. Which line of code do we need to change for this? I would be very grateful if you could help or direct me to any relevant site.

  • @nirmalamahajan1228
    @nirmalamahajan1228 3 ปีที่แล้ว +3

    Hey, in Jupiter in create tf records ,, there import error in both train and test
    Import error: cannot import name 'string_int_label_mp_pb2'
    Plz help me to solve it .

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Hmmm, is that the only error @Nirmala? Did you run through the install steps th-cam.com/video/KvLG1uTC-KU/w-d-xo.html

  • @sabrinaallisha4229
    @sabrinaallisha4229 2 ปีที่แล้ว +1

    Hi Nicholas! Thank you for the great tutorial! However, why is my training script runs on CPU instead of my gpu? In pip list i have both tensorflow=2.4.0 and tensorflow-gpu=2.4.0 in my environment. How can I train using my GPU instead? Should I pass additional command in order to do so?

  • @anthonyoluyele4565
    @anthonyoluyele4565 2 ปีที่แล้ว +1

    Hi Nick, I've been on this tutorial for a while now. Been able to solve most of my encountered problems. Just need this help to perfect the work. I've trained, frozen and converted my model. I am deploying presently to tfjs.
    I am getting some detections but the model is throwing some errors in between the detections and this is not making bb to be drawn in the frontend.
    This is the error thrown TypeError:
    Cannot read properties of undefined (reading 'color')
    and this is coming from the utilities.js file where we have
    labelMap[text]["color"].
    What can I do Nick.
    Thanks in advance.

  • @faiquejatu8649
    @faiquejatu8649 3 ปีที่แล้ว +2

    Can you share this notebook so as to train on colab, i have train/test.record , labelmap.pbtxt

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      This was written by a colleague and it's based on Cloud Annotations not LabelImg but might help: colab.research.google.com/github/cloud-annotations/google-colab-training/blob/master/object_detection.ipynb

  • @SirajummuneerParvez
    @SirajummuneerParvez 3 ปีที่แล้ว +7

    Great Tutorial. Done with the training and detection finally after a whole day of dealing with errors. Could you guide me to generate a training vs testing loss graph?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +4

      Heya @Sirajum, check this out: tensorflow-object-detection-api-tutorial.readthedocs.io/en/latest/training.html#monitor-training-job-progress-using-tensorboard

    • @SirajummuneerParvez
      @SirajummuneerParvez 3 ปีที่แล้ว +1

      @@NicholasRenotte thanks a lot

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      @@SirajummuneerParvez anytime!!

    • @nickylyy5957
      @nickylyy5957 3 ปีที่แล้ว

      @@NicholasRenotte hi, may i know which file we should cd into to run the command?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      @@nickylyy5957 top level folder, you should be able to see the Tensorflow folder and the Jupyter Notebooks from within it

  • @ahmedbadra9237
    @ahmedbadra9237 3 ปีที่แล้ว +1

    thank you very much, really it was so helpful for me and your explanation is awesome

  • @Lemonard0
    @Lemonard0 2 ปีที่แล้ว +1

    Hello, would you mind sharing if there's a way to compile everything written on jupyter and all the assets to create an android app that does object detection?

  • @vidhivsingh
    @vidhivsingh 3 ปีที่แล้ว +3

    Hello sir, thank you for the tutorial. I keep getting into errors . I have encountered an error at step 4: Copy Model Config to Training Folder . The error is : 'cp' is not recognized as an internal or external command,
    operable program or batch file. I have tried many methods like changing cp to copy but nothing worked. Plz help us out with this error.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      Heya @Vidhi, if it's easier, just copy the config from the pre-trained model folder to your my_ssd_mobnet folder.

    • @vidhivsingh
      @vidhivsingh 3 ปีที่แล้ว +2

      @@NicholasRenotte Thank you so much

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      @@vidhivsingh anytime!

    • @vidhivsingh
      @vidhivsingh 3 ปีที่แล้ว +2

      @@NicholasRenotte Sir i am almost done with the project but it is not detecting my face. The last step keeps on running but still no detection. i am not understanding what's the issue. Plz help me out sir.

  • @pragunsharma8681
    @pragunsharma8681 2 ปีที่แล้ว +3

    Hey Nick,
    Thank you for the awesome tutorial! I understand you cannot cover all the minute details and dependency injection-related errors in the video. However, I am having a hard time solving a dependency error I am getting in Step 7. Specifically at the line "from object_detection_builders import model_builder" which recursively ends up in object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor.py
    And says "No module named 'nets' on line 28 where it says "from nets import inception_resnet_v2"
    Any help would be appreciated. Thanks.

    • @swastikpoojari2810
      @swastikpoojari2810 2 ปีที่แล้ว

      try this
      pip install tensorflow-object-detection-api

    • @azimuth809
      @azimuth809 2 ปีที่แล้ว

      hey, did you solve your issue, having the same problem here

  • @samdml
    @samdml 3 ปีที่แล้ว +1

    Hi Nicholas. Another question.
    At chapter 5 you've edited the pipeline_config.
    Why have you changed fine_tune_checkpoint_type: "classification" to fine_tune_checkpoint_type: "detection"?
    What is the difference between these two checkpoints?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      No problemo, classification will focus on classifying the entire image whereas detection changes the task to object detection!

  • @deeprajsingh2465
    @deeprajsingh2465 ปีที่แล้ว +4

    That line 1114 is not there

  • @venkatasreeram
    @venkatasreeram 3 ปีที่แล้ว +3

    🔥🔥Great Project!!!
    Bro, IMAGE CAPTION GENERATOR project🎃

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      YEAHHHYAA @venkata sreeram, captioning coming soon!

  • @efeberkayyitim2435
    @efeberkayyitim2435 3 ปีที่แล้ว +2

    Hi @Nicholas,
    I want to ask you that for training you are determining number of steps to be 5000. What happens if I increase it lets say to 20000? I think both training time and accuracy will improve but I am not sure of it. And also is it enough to change it by manually retyping 20000 instead of 5000 or should I change something else in config files?
    Also I want to continue to train at where I stop before. How can I do that? Thank you so much, you are helping me so much

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      It would likely increase the accuracy but you need to be mindful of overfitting! Test it out, you can also use Tensorboard to monitor the loss.

  • @avishayelihay2968
    @avishayelihay2968 2 ปีที่แล้ว

    i have tons of errors in this process, but after all its actually work! thank yo very match!

  • @boozebag2000
    @boozebag2000 3 ปีที่แล้ว +3

    Hi Nicholas, tutorial working perfect right up until last block of code where real time detection should be done and I get the following error:
    ---> 30 cv2.imshow('object detection', cv2.resize(image_np_with_detections, (800, 600)))
    error: OpenCV(4.5.1) C:\Users\appveyor\AppData\Local\Temp\1\pip-req-build-memyuvq3\opencv\modules\highgui\src\window.cpp:651: error: (-2:Unspecified error) The function is not implemented. Rebuild the library with Windows, GTK+ 2.x or Cocoa support. If you are on Ubuntu or Debian, install libgtk2.0-dev and pkg-config, then re-run cmake or configure script in function 'cvShowImage'
    Help would be greatly appreciated!

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +1

      Definitely, this is normally an OpenCV error, try reinstalling:
      !pip install opencv-python
      !pip install opencv-contrib-python

    • @boozebag2000
      @boozebag2000 3 ปีที่แล้ว +1

      @@NicholasRenotte Wow thanks for getting back so quickly. The issue seemed to be that I didn't have the second package there 'opencv-contrib-python' installed. Pip installed that and it was working brilliantly.
      Thanks again for such a great tutorial. This will be so useful for my university project where I have to build a ground marker detector for an aircraft. Really appreciate all your hard work!

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      @@boozebag2000 that's awesome. Anytime, glad you got it working!! Would love to see some images from your final model!

    • @majd643ma
      @majd643ma 3 ปีที่แล้ว

      @@boozebag2000 in which file shall I install it in when im opening the comand line

    • @bellemarravelo6002
      @bellemarravelo6002 3 ปีที่แล้ว

      @@majd643ma in a c:\>

  • @NicholasRenotte
    @NicholasRenotte  3 ปีที่แล้ว +7

    Hey y'all! Wrote up a couple of steps to setup your environment. I'm planning on doing a video on this but until then, here's a crash course post:
    1. First up install Python 3.7.4. Download and install the package for your OS that has the words 2019.10 in it from here repo.anaconda.com/archive/. This should give you 3.7.4 to work with.
    2. Then install Visual Studio C++ 2015 from here: go.microsoft.com/fwlink/?LinkId=691126. Tensorflow needs this in order to compile
    3. OPTIONAL IF YOU HAVE A GPU - Install Cuda and Cudnn. Install Cuda first, then install Cudnn.
    - Cuda: 10.1 - developer.nvidia.com/cuda-10.1-download-archive-base
    - Cudnn: 7.6.5 - developer.nvidia.com/rdp/cudnn-download
    Once Cudnn is installed you need to copy the Cudnn files into their respective folders inside the Cuda directory. I used this as a guide: towardsdatascience.com/installing-tensorflow-with-cuda-cudnn-and-gpu-support-on-windows-10-60693e46e781
    4. Then install Protoc 3.13 from here: github.com/protocolbuffers/protobuf/releases. For windows, download the repository and then add it to your PATH file.
    5. Then install python packages using the pip command:
    Tensorflow: 2.3.1 - pip install tensorflow==2.3.1
    OpenCV: 4.4.0 - pip install tensorflow==4.4.0
    6. Install the object detection API. To do this, run these commands from a command prompt or terminal:
    git clone github.com/tensorflow/models
    cd tensorflow/models/research
    protoc object_detection/protos/*.proto --python_out=.
    cp object_detection/packages/tf2/setup.py .
    python -m pip install .

    • @scythe548
      @scythe548 3 ปีที่แล้ว

      Hey, I couldn't fix the problem "ModuleNotFoundError: No module named 'object_detection", even after running the 6th step successfully. Any help?

    • @DhruvPatel-mg6ou
      @DhruvPatel-mg6ou 3 ปีที่แล้ว +1

      Hey I am enjoying your videos :) :) and I hope can you make video about these couples of steps...Waiting from past 3 Weeks... Make video if it possible please SIR...
      I appreciate You...

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @@scythe548, can you try running through all the install steps? th-cam.com/video/dZh_ps8gKgs/w-d-xo.html it goes through how to install from scratch!

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      @@DhruvPatel-mg6ou right on time, install video is out and alive, it goes through each install step from scratch: th-cam.com/video/dZh_ps8gKgs/w-d-xo.html

  • @numforfrank9205
    @numforfrank9205 ปีที่แล้ว +1

    7:28 Hello Nick, please that line of code (line 1114) looks different from what I'm seeing. Did you make any changes to the code? Thanks.

  • @alexanderborschel2135
    @alexanderborschel2135 2 ปีที่แล้ว

    Hi Nicholas, I hope you're well- I'm stuck doing this at the create label map stage- when I try to run it from jupyter it gives me a file not found error, even though the pbtxt file is in the annotations folder. Wouldyou have a recommendation for how to resolve this?

  • @v0rtex-
    @v0rtex- 3 ปีที่แล้ว +7

    Bonjour, I'm finding your content very nice. Could you maybe create a discord channel where the people interested in AI would interact and share some project ideas.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +4

      Heya @Amir, I've been tossing up some ideas on getting this up and running. Still working on it!

    • @v0rtex-
      @v0rtex- 3 ปีที่แล้ว +3

      @@NicholasRenotte Cool :) if you need a hand or any kind of help setting up or managing, I will be happy to offer you my help.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +3

      @@v0rtex- definitely, I might actually take you up on that!

  • @steelpanther88
    @steelpanther88 3 ปีที่แล้ว +7

    PRO TIP here: actually make the dataset of images as described in the tutorial. the notebook by Nicholas wont work without exactly correctly labeled dataset of your own. Dont make typos on labelImg when labelling and use the same case sensitive labels in the notebook part where the labelmap is created. And for default behavior of script is that you put both the jpg and corresponding xml files into train and test folders.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Awesome tip @Lauri, correct as this will break your detections when you generate the tfrecords!

    • @anniezaidi7607
      @anniezaidi7607 2 ปีที่แล้ว

      plz plz plz also help to how to check my model for test images in my folder not in real time.
      This is my code plz let me know what is wrong with this. it is not giving me any output.
      configs = config_util.get_configs_from_pipeline_file(Config_path)
      detection_model = model_builder.build(model_config=configs['model'], is_training=False)
      # Restore checkpoint
      ckpt = tf.compat.v2.train.Checkpoint(model=detection_model)
      ckpt.restore(os.path.join(Checkpoint_Path, 'ckpt-2')).expect_partial()
      def detect_fn(image):
      image, shapes = detection_model.preprocess(image)
      prediction_dict = detection_model.predict(image, shapes)
      detections = detection_model.postprocess(prediction_dict, shapes)
      return detections
      window_name='image'
      for image_path in TEST_IMAGE_PATHS:
      image=cv2.imread(detect_fn(image_path))
      cv2.imshow(window_name,image)

      cv2.waitKey(0)
      cv2.destroyAllWindows()

  • @divyeshparekh4158
    @divyeshparekh4158 2 ปีที่แล้ว +1

    Hey Nick, i am trying to train a custom object and while creating a TF record, i am running into this error
    AttributeError: module 'tensorflow' has no attribute 'gfile'
    i have really tried to solve it but no success, if I can get your help would be great.
    Thank you.!!

  • @kenzilamberto1981
    @kenzilamberto1981 3 ปีที่แล้ว +1

    I'm stuck in my tutorial for object detection, I got this error when I execute my command: ValueError: Checkpoint version should be V2
    I removed my fine_tune_checkpoint_version: V2 using the answer of this question after an error ParseError: 172:3 : Message type "object_detection.protos.TrainConfig" has no field named "fine_tune_checkpoint_version" and now I have an other error when I execute my command ValueError: Checkpoint version should be V2.
    So if I put it back in my config file like suggested in this answer: TensorFlow - ValueError: Checkpoint version should be V2 I will again my first error.
    Any fixes?

  • @ghostplays5291
    @ghostplays5291 ปีที่แล้ว +4

    I can't find that line in 1114 th line 😭😭😭

    • @anonomations
      @anonomations 8 หลายเดือนก่อน

      Me too 😢😢

    • @alijafri2906
      @alijafri2906 4 หลายเดือนก่อน

      Go to 1180

    • @wardah_asad788
      @wardah_asad788 4 หลายเดือนก่อน

      Check below and find the function containing that line.... Also if you are using newer versions of labelimg then you don't need to do that modification in line 1114, bcz it's already done

  • @vikashchand.
    @vikashchand. 3 ปีที่แล้ว +3

    🤘🔥

  • @leonardocosta7031
    @leonardocosta7031 ปีที่แล้ว

    Hello Nick. in relation to the set of separate images for testing, when is it used? and how to use them?

  • @ananyachaudhary9748
    @ananyachaudhary9748 2 ปีที่แล้ว

    Thank you Nicholas
    I just had a doubt that I am unable to generate tf records for training and testing, I installed cuda but is it necessary?

  • @XavierDC
    @XavierDC ปีที่แล้ว +3

    When I open labelImg.py and I try to change save directory I get: "Python39\lib
    tpath.py", line 204, in splitext
    p = os.fspath(p)
    TypeError: expected str, bytes or os.PathLike object, not NoneType"
    I have tried searching everywhere and can't find a solution

    • @XavierDC
      @XavierDC ปีที่แล้ว +3

      I found a solution and posted it to a github page where people had the same issue. I resolved this problem by changing line 1309 to "self.show_bounding_box_from_annotation_file(str(self.file_path))" to force it to a string.

    • @ahmedsanaullah4924
      @ahmedsanaullah4924 ปีที่แล้ว +1

      @@XavierDC Thank you it worked for me as well.

    • @uyenng.7795
      @uyenng.7795 ปีที่แล้ว

      @@XavierDC thanks a million

    • @larissasmith6509
      @larissasmith6509 ปีที่แล้ว

      Thank you!!!!

    • @johnjerielgalicia1827
      @johnjerielgalicia1827 ปีที่แล้ว

      @@XavierDC bro thank you so much it worked ....

  • @erwincarlogonzales
    @erwincarlogonzales 3 ปีที่แล้ว +1

    Sir you are Godsent, thank you so much Nicholas! Liked, subbed, and shared!

  • @samdml
    @samdml 3 ปีที่แล้ว +1

    Hi Nicholas. How can I see the "summary" of the model used to train the data? I tried "detection_model.summary()" but it does not work.
    When you use the a "pretrained model" does a layer modification make sense?
    For example: change a optimizer function, or add a new dense layer?
    Thanks a lot.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @samdml, I'm not sure this is available when using the TFOD API, it's made available through Keras. So, when we're setting the fine tune checkpoint we're actually dropping the final SSD layer and adding our own custom layer!

  • @TharunKunapareddy
    @TharunKunapareddy 2 ปีที่แล้ว

    Hi, I am using your ripo for my own custom model with larger data set. its around 1000 images. and each image is around 15mb. i am getting this "Filling up shuffle buffer (this may take a while): 278 of 2048" . its eventually runs out of memory and windows kills the training process. how and where should i bring down the buffer size?

  • @tejaslotlikar3573
    @tejaslotlikar3573 ปีที่แล้ว +1

    Thanks for a end-to-end tutorial. I treid to execute the commands, detection is performed bu when i try to store the model using the SavedModel format, i get an error. Here is the command i used
    python ..\models
    esearch\object_detection\export_inference_graph.py --input_type image_tensor --pipeline_config_path Tensorflow\workspace\models\my_ssd_mobnet\pipeline.config --trained_checkpoint_prefix ckpt-7 --output_directory ssdmodel_01
    error message: RuntimeError: tf.placeholder() is not compatible with eager execution.
    Please help if possible

  • @anshumaanphukan4388
    @anshumaanphukan4388 2 ปีที่แล้ว +1

    whenever I try to run the labelImg python file it says no module named 'sip'. I also did a pip install for the same but the problem still persists. can you plz help me?

  • @user-vg3jl7ye1p
    @user-vg3jl7ye1p 2 ปีที่แล้ว +2

    thanks so much! i have a question!! " How can I use ".mp4" files not use webcam? " Actually, I used before this Code: cv2.VideoCaptur("~.mp4"). but,
    ValueError: 'images' must have either 3 or 4 dimensions.

  • @rayschannel7868
    @rayschannel7868 ปีที่แล้ว

    At time 24:00 for "Create TF Records", I have a version problem. It said the way you wrote it is only avalible for version >=1.16.5 and

  • @naturenoise4706
    @naturenoise4706 2 ปีที่แล้ว

    When running step 2 in jupyter (create TF records), I get an error. It says: no such file “tensorflow” and sometimes “pandas”. What step did I skip/forget?

  • @yosaikan
    @yosaikan 3 ปีที่แล้ว +1

    Well done, that was really clear.
    Thank you :)

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว +2

      Thanks so much @Mohamed, let me know how you go! More custom object detection stuff coming this week!

    • @yosaikan
      @yosaikan 3 ปีที่แล้ว +1

      @@NicholasRenotte WOW! Can't wait

  • @edgarramos4830
    @edgarramos4830 2 ปีที่แล้ว

    Which changes should I make if I want to run the training directly into Google Collab on step 6? I tried it just as it is and it won't let me because of model_lib_V2

  • @rallenabishek
    @rallenabishek 2 ปีที่แล้ว

    hi nicholas, I couldnt setup labelimg package as i have a SSL while using this command - conda install pyqt=5, can you resolve this quick?

  • @steelpanther88
    @steelpanther88 3 ปีที่แล้ว +1

    on a more professional note I had one question about the dataset images pre-processing. Assuming I have a dataset of images with differing resolution, should I try to preprocess the dataset images so that their aspect ratio is square and the images would be same resolution, does it improve model performance?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Nope, I wouldn't bother, tha TFOD API does it for you! Going to talk a little bit about it in the upcoming vid.

  • @rizairsyad5775
    @rizairsyad5775 2 ปีที่แล้ว +1

    hay nicholas, i have question, how to labelling img if i have many img. i have 1700 img...because doing so much labeling is very wasting time..

  • @tarunku9378
    @tarunku9378 ปีที่แล้ว

    at 6:38 where you cut and paste the resources file but in my case there is only one resource file resource.qrc , what should i do

  • @julesgiraud409
    @julesgiraud409 2 ปีที่แล้ว

    Hello Nicholas, thanks for the tuto !
    I just have a question, when I try to retrain my model I have an error : A checkpoint was restored (...) but not all checkpointed values were used...
    I don't understand how to continue the training with my own model and checkpoint..
    If you can help me to solve this ?

  • @rugilandavyimubondo476
    @rugilandavyimubondo476 2 ปีที่แล้ว

    The dataset from Kaggle has so many images and their annotations are in json format in a separate file, I can convert json to xml (is that necessary?) but matching the annotations with their images is a manually tedious process, how do I proceed with this ?

  • @thienng6867
    @thienng6867 2 ปีที่แล้ว

    Hi nick. I am a final year student. I want to add some functionality like audio feedback when someone is not wearing a mask and take a picture of them. How do I customize the code?

  • @mobeenegbaria1617
    @mobeenegbaria1617 ปีที่แล้ว

    Hey there, I am having a strange problem, I trained my model on using Google Colab and the final loss/total loss was 0.14, But when I try out the model it's predictions are bad sometimes it doesn't even draw boxes, any ideas, Tried freezing the model, getting more training data, also tried different pretrained models.

  • @jm9617
    @jm9617 2 ปีที่แล้ว

    Hi!
    Thank you for your videos, I have followed your Real Time Face Mask Detection video. And I need to compute confusion matrix and classification report using sklearn.
    Is there a way that I can extract the y_true, y_pred and target_names? Thank you!

  • @saitoinosaka6445
    @saitoinosaka6445 2 ปีที่แล้ว

    Thanks for your tutorials! I have a question for you. Why the other pre trained models from zoo tf2 donot work? I tried with every single of them (efficentnet, resnet, etc) and just work with mobilenet v1 and v2.

  • @urhic229
    @urhic229 3 ปีที่แล้ว

    Hello there, I have an issue if maybe you'd have some insight on it please.
    When I ran command "python labelImg.py" for the firsttime, I received an error about pathlib not being istalled. So I installed it in python dir with pip and now I have an error "ImportError: No module named PyQt4.QtCore".
    I tried installing pyqt4 package but it refuses to do so as it's used on python 2.7 and I have 3.7.
    Up until this point, everything worked as shown in the video.
    Solution edit:
    I tried to implement it with anaconda prompt where I installed everything inside venv (python, tensorflow and the rest that you showed) and then ran python labelImg.py from labellImg directory and it opened up.

  • @ahmedshaheen6388
    @ahmedshaheen6388 ปีที่แล้ว

    I grabbed a dataset from kaggle, it contains train and valid images, the labels are text files not xml, is there a quick way to handle them

  • @emailais1488
    @emailais1488 2 ปีที่แล้ว +2

    hello sir! may I ask a question? I seem that I'm stuck at step Training the Model (2. Step TF records). I got the error when I tried to run it >>Traceback (most recent call last):
    File "Tensorflow/scripts/generate_tfrecord.py", line 29, in
    from object_detection.utils import dataset_util, label_map_util
    ModuleNotFoundError: No module named 'object_detection'

    • @biancaar8032
      @biancaar8032 5 หลายเดือนก่อน

      you dont have the object detection tf api- install it with pip

  • @AnikaJagatiBAI
    @AnikaJagatiBAI 2 ปีที่แล้ว +1

    Hi Nicholas! Great video and was super easy to follow:)
    I just wanted to know if it was possible to print a message to the command prompt when a phone is detected.

  • @eizymaru
    @eizymaru 2 ปีที่แล้ว

    Hey Nicholas, i got an errors when i tried to train the model.
    "tensorflow.python.framework.errors_impl.NotFoundError: Unsuccessful TensorSliceReader constructor: Failed to find any matching files for Tensorflow/workspace/pre-trained-models/ssd_mobilnet_v2_fpnlite_320x320_coco17_tpu-8/checkpoint/ckpt-0"
    do u have any solutions?

  • @gisanimrahma7803
    @gisanimrahma7803 2 ปีที่แล้ว

    Hi! thanks for the amazing video. I have a similar project and this video really helped me. I have a question, what should I do if I want to see the training/testing accuracy?

  • @GiorgioLZ
    @GiorgioLZ 2 ปีที่แล้ว

    what a great tutotiral hey nick, thank you very much. I have a question in the image database with the mask images they use the COCO format but in your video you use the Pascal VOC format, is this a problem?

  • @aishwaryaj9610
    @aishwaryaj9610 3 ปีที่แล้ว +1

    Hi! I saw a in a comment that one of the environment requirements is visual studio C++ 2015. I tried to download it from your description box but it keeps showing that there are some missing packages because of which the exe file isn't installing. Are there any other alternatives to this for tensor flow?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Unfortunately nope, gotta have the C++ build tool installed. You can use the 2019 version though, check this out, build tools mentioned towards the start: www.tensorflow.org/install/source_windows

  • @walaalsinan6593
    @walaalsinan6593 ปีที่แล้ว

    thank you for the video! I would like to ask about creating the TFrecord, it creates successfully but it shows as empty files, can you help me please to understand why? thank you.

  • @queenofgames541
    @queenofgames541 8 หลายเดือนก่อน

    Hi I want to know that where is the resource file of python in the labelImg folder because I can't find it in github repository

  • @7ride.adventure
    @7ride.adventure 3 ปีที่แล้ว +2

    can you help me for my error ""from object_detection.utils import dataset_util, label_map_util
    ModuleNotFoundError: No module named 'object_detection' ""

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya, you might not yet have the object detection API installed. Run through this first: th-cam.com/video/dZh_ps8gKgs/w-d-xo.html

  • @asishissacalex4148
    @asishissacalex4148 2 ปีที่แล้ว

    Can we do the training in epochs instead of number of training steps? Had to do it, so as to compare with another models.

  • @m.matoori343
    @m.matoori343 2 ปีที่แล้ว +2

    this code doesn`t work with tensorflow v2.x
    i am tired of converting one by one to the newer format
    if you help me then thank you
    if not then good day

  • @ChengliangPan
    @ChengliangPan ปีที่แล้ว

    Hi, Nicholas
    I run your tutorial but there's an exception: UnicodeDecodeError: 'utf-8' codec can't decode byte 0xbe in position 98: invalid start byte, it occurs when get_checkpoint_state. I search the problem in stackoverflow, someone said it's about tpu model, I don't know how to deal with this exception now. Thank you

  • @leujim1
    @leujim1 3 ปีที่แล้ว +1

    Great tutorial! Thanks for sharing!

  • @kamransaif1631
    @kamransaif1631 ปีที่แล้ว +2

    Can you remake this video with up to date TensorFlow 2.x. Because right now alot of errors are occuring while performing these exact same steps.

  • @Readwithaami
    @Readwithaami 2 ปีที่แล้ว

    Hi Nick , I want to do an image classifier to detect ,then convert that image to speech .. Can I use this same technique ? How to convert that image to speech since image doesn't contain any text .

  • @adithyakiranmkurup2916
    @adithyakiranmkurup2916 2 ปีที่แล้ว

    hi i am trying to run this project and when it came to step 5 ie update config for transfer learning i am getting an parseerror :Message type "object_detection.protos.TrainConfig" has no field named "fine_tune_checkpoint_version". what should i do?

  • @semihakmese3403
    @semihakmese3403 8 หลายเดือนก่อน

    Hello, I got many errors according to version differences, Can you tell for this time, which versions of the Python, protobuf and tensorflow will be accurate ?

  • @fatcraig8606
    @fatcraig8606 3 ปีที่แล้ว +1

    hey, great video! I was wondering how I could modify the notebook to work with images off my computer instead of a live video feed, I was working with cold sores and have followed the tutorial up to part 7 of the jupyter notebook, but am not sure how to make it work with downloaded images instead of a real time detector. thanks for any help

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @fat Craig, check this out: th-cam.com/video/yqkISICHH-U/w-d-xo.html

  • @courtney_ann7988
    @courtney_ann7988 2 ปีที่แล้ว

    Great tutorial. Will the line of code to train the model work if you run it in jupyter? i get the following error when I try to train using windows command:
    Fix Tensorflow Allocation Memory: Allocation exceeds 10% of system memory Error

  • @venkatesh2788
    @venkatesh2788 2 ปีที่แล้ว +1

    Can we Deploy this in Watson machine learning cloud and connect with nodejs
    Please tell sir

  • @sharbeljoseph9734
    @sharbeljoseph9734 2 ปีที่แล้ว

    Thanks alot for your effort, actually i trained the model using google colab but stuck at a point where i want to apply the model detect on real time using colab rather than on jupyter because i found colab is better for training and installing the dependencies, any video on that ?

  • @haithamamireh2075
    @haithamamireh2075 3 ปีที่แล้ว +1

    i have one more question
    i want to print out the detected image(let's say if i wanted to output a word) but i can't seem to figure out how to do it.
    any help?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @Haitham, check this out, should walk you through getting the words: th-cam.com/video/UPS54i7Km30/w-d-xo.html

  • @willthethrill521
    @willthethrill521 3 ปีที่แล้ว +1

    Great tutorial!!! I have 2 questions:
    1: Would you say creating/training a custom model would be small enough to fit onto a raspberry pi4 or equivalent microcontroller? I understand that the model would have to be trained on a PC, but then could the resulting model be transferred to a microcontroller?
    2: Let's assume it CAN fit but the processing speed of the microcontroller is too slow. Could you perform image processing on every other frame or every third frame to reduce cpu usage?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Sure can to both @Will, check out my 5 hour end to end tutorial. I show how to do deploy to an RPi in Project three!

  • @xlhenm
    @xlhenm 3 ปีที่แล้ว +1

    Hey, at 5:54 you use Conda, which version is needed for your tutarial ? Does the version of Conda matters?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @xlhenm, I used 2019.07. Check out this video for the full install: th-cam.com/video/dZh_ps8gKgs/w-d-xo.html

    • @xlhenm
      @xlhenm 3 ปีที่แล้ว +1

      @@NicholasRenotte i get it thanks so much for your support no i came to the next problem :D i am so sorry, maybe you can advise me. Sometimes when i run the code from 11:25 i get a picture and this error OpenCV(4.4.0) /tmp/pip-req-build-dglzv4yn/opencv/modules/highgui/src/window.cpp:651: error: (-2:Unspecified error) The function is not implemented. Rebuild the library with Windows, GTK+ 2.x or Cocoa support. If you are on Ubuntu or Debian, install libgtk2.0-dev and pkg-config, then re-run cmake or configure script in function 'cvShowImage'
      and sometimes i get this error
      OpenCV(4.4.0) /tmp/pip-req-build-dglzv4yn/opencv/modules/imgcodecs/src/loadsave.cpp:738: error: (-215:Assertion failed) !_img.empty() in function 'imwrite'
      I tried the stuff in the message like reinstall opencv and try tu install libgtk and pkg config
      I use a VM on Ubuntu without nvidia graphik
      Before i tried it on Win7 but there nothing worked good -.-

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @@xlhenm, you're spot on the solution to the gtk error is normally to reinstall opencv. Try running the following:
      pip install opencv-python
      pip install opencv-contrib-python

  • @locpham1474
    @locpham1474 3 ปีที่แล้ว +1

    for some reason, I'm not able to run wget and mv, I tried installed the wget pakcage to conda, but it wouldn't let me. Not sure if there is another way to run this command

  • @efeberkayyitim2435
    @efeberkayyitim2435 3 ปีที่แล้ว +1

    Hello Nicholas,
    In your video you mentioned about pipeline_config.train_config.batch_size, and said that you can increase batch size if you have a powerful GPU, I have GTX1660Ti and installed CUDA and CUDnn, how much can I increase the batch size and what I can get from increasing that?

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @Efe, test it out, try bumping it up. If you get errors in the terminal around ALLOC EXHAUSTED or Out of Memory you might need to drop it down!

  • @rashmitiwari7788
    @rashmitiwari7788 3 ปีที่แล้ว +1

    Thank you Nicholas, it was such a nice tutorial. However, I wanted to know how we can calculate the mAP metrics for custom object detection, and how can we check the logs in tensorboard.

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Heya @Rashmi, check this out: th-cam.com/video/-HbCA0WGbBg/w-d-xo.html

  • @eldartakach4749
    @eldartakach4749 3 ปีที่แล้ว +1

    HI! I have a problem seems that while run in the loop the 'detect_fn' only called 2 times (at first loop)..
    I dont get any predictions on the screen even with the trash hold is very low..
    what do you think can cause this problem?
    Thanks in advanced and for this video !

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Hmmm, what do you get if you print the detections inside the loop?

  • @ismartboy5087
    @ismartboy5087 2 ปีที่แล้ว +1

    there is an error while running the labelimg.py file . "import error libs.resources not found" please help me

  • @bingebox4070
    @bingebox4070 8 หลายเดือนก่อน

    Do we have to label all images or labelling only 30 out of 100 images workss?

  • @PUBUDUCG
    @PUBUDUCG 3 ปีที่แล้ว +1

    Hi Nicholas, What's the best way to enable showing training accuracy and validation accuracy with loss for each epoch? Although the command line works fine, why don't you run the training session in Python note book ?
    I like using the Tensor board for visualization.
    >> tensorboard --logdir=Tensorflow\workspace\models\my_ssd_mobnet[model folder] --host localhost --port 6006 [port_number]

    • @NicholasRenotte
      @NicholasRenotte  3 ปีที่แล้ว

      Awesome stuff @Pubudu, I think it was a little buggy on my machine when I was setting it up. I believe it's available you just need to ensure pycocotools is working, working on a video to show it soon!