Closed Tejeshwarabm closed 6 years ago
Did you download a checkpoint file?
After extracting this model i found these files
frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
Should I suppose to save these things in "/Custom-Object-Detection-master/object_detection/models" ?
I didn't found "model.ckpt " file...
I am having the same problem please help asap and what are checkpoints .
And also what do you mean by "Move the model.ckpt files with the highest number to the root of the repo:" in step after training. Please I cant train due to above mentioned error
Did you download a base model from the model zoo? This will contain all of the checkpoint files (.ckpt) Move these to the custom-object-detection folder
Read this post for a more thorough up-to-date walkthrough https://medium.freecodecamp.org/tracking-the-millenium-falcon-with-tensorflow-c8c86419225e
I need to update some things in the readme
Yes I downloaded but I moved it to the object_detection/models as given in readme
After you start training the model,training folder will contain the checkpoint files,out of which you have to choose the checkpoint file with the greatest number and make a frozen graph.
On Thu, 22 Feb 2018 at 11:03 PM, ShreyVaghela notifications@github.com wrote:
Yes I downloaded but I moved it to the object_detection/models as given in readme
— You are receiving this because you are subscribed to this thread. Reply to this email directly, view it on GitHub https://github.com/bourdakos1/Custom-Object-Detection/issues/11#issuecomment-367758527, or mute the thread https://github.com/notifications/unsubscribe-auth/AXLX_zCw2W-FcS40xu_ckDsK0OvKlt_kks5tXaTkgaJpZM4SKvS7 .
Yes moving to root directory worked. Thank you. You guys are amazing.
Great :) and thanks for the help @onlyak
@ShreyVaghela can you give a detail description of how you have done it! thanks in advance
@saisriteja what problem are you running into? I've put together a much more seamless project and walkthrough that I recommend checking out: https://cloud-annotations.github.io/training/object-detection/cli/index.html
Hello, You need to move your checkpoint in your root directory i.e in "object detection" directory if you are using pertained model. You can always change the path in config path.
Please do let me know whether you solve this problem or not. I am currently working on API and will be happy to help you. But do look at the website that the owner mentioned because it contains the newest updates. The steps in the github repo is somewhat outdated.
On Thu, 28 Mar 2019, 11:36 p.m. saisriteja, notifications@github.com wrote:
@ShreyVaghela https://github.com/ShreyVaghela can you give a detail description of how you have done it! thanks in advance
— You are receiving this because you were mentioned. Reply to this email directly, view it on GitHub https://github.com/bourdakos1/Custom-Object-Detection/issues/11#issuecomment-477710196, or mute the thread https://github.com/notifications/unsubscribe-auth/ATH56_pdQD50U6zAC_hsrruOsL9PdUGzks5vbQS0gaJpZM4SKvS7 .
I got the following error. tensorflow.python.framework.errors_impl.InvalidArgumentError: Unsuccessful TensorSliceReader constructor: Failed to get matching files on C:/tensorflow1/models/research/object_detection/faster_rcnn_inception_v2_coco_2018_01_28/model.ckpt: Not found: FindFirstFile failed for: C:/tensorflow1/models/research/object_detection/faster_rcnn_inception_v2_coco_2018_01_28 : The system can't find the given path ; No such process
Can someone help me.
On windows, you need to change file path from C:/ to C:\tensorflow....
After extracting this model i found these files
frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
Should I suppose to save these things in "/Custom-Object-Detection-master/object_detection/models" ?
I didn't found "model.ckpt " file...
i am also facing this problem ,please can anyone provide solution
You need to put those 3 (model.ckpt.***) files you mentioned, into object detection folder. If you want to change the destination, you need to see the "fine_tune_checkpoints" in config file of your desired architecture.
On Wed, Jul 31, 2019, 12:07 PM sowmyakavali notifications@github.com wrote:
After extracting this model i found these files
frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
Should I suppose to save these things in "/Custom-Object-Detection-maste r/object_detection/models" ?
I didn't found "model.ckpt " file...
i am also facing this problem ,please can anyone provide solution
— You are receiving this because you were mentioned. Reply to this email directly, view it on GitHub https://github.com/bourdakos1/Custom-Object-Detection/issues/11?email_source=notifications&email_token=AEY7T226IW6KJS4DLQXZYMLQCEXLDA5CNFSM4ERK6S52YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOD3GH5DA#issuecomment-516718220, or mute the thread https://github.com/notifications/unsubscribe-auth/AEY7T277MGP5GW2UGQ2RAZDQCEXLDANCNFSM4ERK6S5Q .
You need to put those 3 (model.ckpt.) files you mentioned, into object detection folder. If you want to change the destination, you need to see the "fine_tune_checkpoints" in config file of your desired architecture. … On Wed, Jul 31, 2019, 12:07 PM sowmyakavali @.> wrote: After extracting this model i found these files frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta Should I suppose to save these things in "/Custom-Object-Detection-maste r/object_detection/models" ? I didn't found "model.ckpt " file... i am also facing this problem ,please can anyone provide solution — You are receiving this because you were mentioned. Reply to this email directly, view it on GitHub <#11?email_source=notifications&email_token=AEY7T226IW6KJS4DLQXZYMLQCEXLDA5CNFSM4ERK6S52YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOD3GH5DA#issuecomment-516718220>, or mute the thread https://github.com/notifications/unsubscribe-auth/AEY7T277MGP5GW2UGQ2RAZDQCEXLDANCNFSM4ERK6S5Q .
can you please clarify which file i have to give as input in these frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
Read this post for a more thorough up-to-date walkthrough https://medium.freecodecamp.org/tracking-the-millenium-falcon-with-tensorflow-c8c86419225e
I need to update some things in the readme
hello sir , It showing page not found 404 error when i was click on model zoo
You need to give below files for input- model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
On Wed, Jul 31, 2019, 12:14 PM sowmyakavali notifications@github.com wrote:
You need to put those 3 (model.ckpt.
) files you mentioned, into object detection folder. If you want to change the destination, you need to see the "fine_tune_checkpoints" in config file of your desired architecture. … <#m1056892530937724270> On Wed, Jul 31, 2019, 12:07 PM sowmyakavali @.> wrote: After extracting this model i found these files frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta Should I suppose to save these things in "/Custom-Object-Detection-maste r/object_detection/models" ? I didn't found "model.ckpt " file... i am also facing this problem ,please can anyone provide solution — You are receiving this because you were mentioned. Reply to this email directly, view it on GitHub <#11 https://github.com/bourdakos1/Custom-Object-Detection/issues/11?email_source=notifications&email_token=AEY7T226IW6KJS4DLQXZYMLQCEXLDA5CNFSM4ERK6S52YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOD3GH5DA#issuecomment-516718220>, or mute the thread https://github.com/notifications/unsubscribe-auth/AEY7T277MGP5GW2UGQ2RAZDQCEXLDANCNFSM4ERK6S5Q .
can you please clarify which file i have to give as input in these frozen_inference_graph.pb graph.pbtxt model.ckpt.data-00000-of-00001 model.ckpt.index model.ckpt.meta
— You are receiving this because you were mentioned. Reply to this email directly, view it on GitHub https://github.com/bourdakos1/Custom-Object-Detection/issues/11?email_source=notifications&email_token=AEY7T2YAQDT4ZHEQA6QXRUDQCEYEXA5CNFSM4ERK6S52YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOD3GILGI#issuecomment-516720025, or mute the thread https://github.com/notifications/unsubscribe-auth/AEY7T273GHWJ2OTBER2WPI3QCEYEXANCNFSM4ERK6S5Q .
May be a bit late, but since I just had the same problem:
Essentially you point where all three checkpoint files are, even though none has the ckpt file ending. For example I have model.ckpt.index, model.ckpt.data-00000-of-00001 and model.ckpt.meta in the models/model directory, so I set:
fine_tune_checkpoint: "models/model/model.ckpt"
Hope that helps!
Line 156. Change fine_tune_checkpoint to: "C:/tensorflow1/models/research/object_detection/ ssd_mobilenet_v2_quantized_300x300_coco_2019_01_03/model.ckpt" i fixed this by changing that to
"C:/tensorflow1/models/research/object_detection/ssd_mobilenet_v2_quantized_300x300_coco_2019_01_03/model.ckpt"
reason i got the error was that there was an unwanted spacing after object_detection/ on edjeelectronics tutorial
I tried Training in Google colab python train.py --train_dir=training/ --pipeline_config_path=ssd_mobilenet_v2_quantized_300x300_coco.config but I am getting following error
WARNING:tensorflow:From train.py:56: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.
WARNING:tensorflow:From train.py:56: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.
WARNING:tensorflow:From train.py:185: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/absl/app.py:251: main (from main) is deprecated and will be removed in a future version. Instructions for updating: Use object_detection/model_main.py. W1101 10:00:07.914612 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/absl/app.py:251: main (from main) is deprecated and will be removed in a future version. Instructions for updating: Use object_detection/model_main.py. WARNING:tensorflow:From train.py:91: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.
W1101 10:00:07.914868 140433468364672 module_wrapper.py:139] From train.py:91: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.
WARNING:tensorflow:From train.py:96: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.
W1101 10:00:07.919008 140433468364672 module_wrapper.py:139] From train.py:96: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/legacy/trainer.py:265: create_global_step (from tf_slim.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Please switch to tf.train.create_global_step W1101 10:00:07.932987 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/legacy/trainer.py:265: create_global_step (from tf_slim.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Please switch to tf.train.create_global_step INFO:tensorflow:Reading unweighted datasets: ['train.record'] I1101 10:00:07.952460 140433468364672 dataset_builder.py:148] Reading unweighted datasets: ['train.record'] INFO:tensorflow:Reading record datasets for input file: ['train.record'] I1101 10:00:07.953956 140433468364672 dataset_builder.py:77] Reading record datasets for input file: ['train.record'] INFO:tensorflow:Number of filenames to read: 1 I1101 10:00:07.954146 140433468364672 dataset_builder.py:78] Number of filenames to read: 1 WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards. W1101 10:00:07.954262 140433468364672 dataset_builder.py:86] num_readers has been reduced to 1 to match input file shards. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:103: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.experimental_determinstic. W1101 10:00:07.962062 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:103: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.experimental_determinstic. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:222: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.map() W1101 10:00:07.992240 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:222: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.map() WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:48: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use for ... in dataset: to iterate over a dataset. If using tf.estimator, return the Dataset object directly from your input function. As a last resort, you can use tf.compat.v1.data.make_initializable_iterator(dataset). W1101 10:00:10.920446 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/builders/dataset_builder.py:48: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use for ... in dataset: to iterate over a dataset. If using tf.estimator, return the Dataset object directly from your input function. As a last resort, you can use tf.compat.v1.data.make_initializable_iterator(dataset). WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/core/preprocessor.py:199: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version. Instructions for updating: seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead. W1101 10:00:10.988368 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/core/preprocessor.py:199: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version. Instructions for updating: seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/core/box_list_ops.py:234: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.where in 2.0, which has the same broadcast rule as np.where W1101 10:00:11.013556 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/core/box_list_ops.py:234: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.where in 2.0, which has the same broadcast rule as np.where WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/object_detection/core/batcher.py:101: batch (from tensorflow.python.training.input) is deprecated and will be removed in a future version. Instructions for updating: Queue-based input pipelines have been replaced by tf.data. Use tf.data.Dataset.batch(batch_size) (or padded_batch(...) if dynamic_pad=True). W1101 10:00:11.954241 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/object_detection/core/batcher.py:101: batch (from tensorflow.python.training.input) is deprecated and will be removed in a future version. Instructions for updating: Queue-based input pipelines have been replaced by tf.data. Use tf.data.Dataset.batch(batch_size) (or padded_batch(...) if dynamic_pad=True). WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/input.py:752: QueueRunner.init (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. W1101 10:00:11.958855 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/input.py:752: QueueRunner.init (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/input.py:752: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. W1101 10:00:11.960053 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/input.py:752: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tf_slim-1.1.0-py3.6.egg/tf_slim/layers/layers.py:2802: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please use layer.call method instead. W1101 10:00:12.111274 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/tf_slim-1.1.0-py3.6.egg/tf_slim/layers/layers.py:2802: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please use layer.call method instead. INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.065051 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.101743 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.137190 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.173719 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.211551 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I1101 10:00:16.247035 140433468364672 convolutional_box_predictor.py:156] depth of additional conv before box predictor: 0 WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/rmsprop.py:119: calling Ones.init (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version. Instructions for updating: Call initializer instance with the dtype argument instead of passing it to the constructor W1101 10:00:18.863176 140433468364672 deprecation.py:506] From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/rmsprop.py:119: calling Ones.init (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version. Instructions for updating: Call initializer instance with the dtype argument instead of passing it to the constructor WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/moving_averages.py:433: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. W1101 10:00:21.508541 140433468364672 deprecation.py:323] From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/moving_averages.py:433: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. Traceback (most recent call last): File "train.py", line 185, in tf.app.run() File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/platform/app.py", line 40, in run _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 300, in run _run_main(main, args) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 251, in _run_main sys.exit(main(argv)) File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/util/deprecation.py", line 324, in new_func return func(*args, **kwargs) File "train.py", line 181, in main graph_hook_fn=graph_rewriter_fn) File "/usr/local/lib/python3.6/dist-packages/object_detection/legacy/trainer.py", line 396, in train include_global_step=False)) File "/usr/local/lib/python3.6/dist-packages/object_detection/utils/variables_helper.py", line 138, in get_variables_available_in_checkpoint ckpt_reader = tf.train.NewCheckpointReader(checkpoint_path) File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/pywrap_tensorflow_internal.py", line 873, in NewCheckpointReader return CheckpointReader(compat.as_bytes(filepattern)) File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/pywrap_tensorflow_internal.py", line 885, in init this = _pywrap_tensorflow_internal.new_CheckpointReader(filename) tensorflow.python.framework.errors_impl.InvalidArgumentError: Unsuccessful TensorSliceReader constructor: Failed to get matching files on /content/models-master/research/object_detection/ssd_inception_v2_coco_2018_01_28/model.ckpt: Not found: /content/models-master/research/object_detection/ssd_inception_v2_coco_2018_01_28; No such file or directory
---10/09/2021--- I fixed this problem in my pipeline.config file: "... fine_tune_checkpoint: "PRETRAINED_MODEL_PATH/checkpoint/ckpt-0" ... " Ex: In the google colab: "... fine_tune_checkpoint = '/content/gdrive/MyDrive/Tensorflow/ShootingTarget/pretrained_model/checkpoint/ckpt-0' ... "
.local/lib/python2.7/site-packages/requests/init.py:80: RequestsDependencyWarning: urllib3 (1.22) or chardet (2.3.0) doesn't match a supported version! RequestsDependencyWarning) INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. INFO:tensorflow:Summary name Learning Rate is illegal; using Learning_Rate instead. Traceback (most recent call last): File "object_detection/train.py", line 198, in
tf.app.run()
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "object_detection/train.py", line 194, in main
worker_job_name, is_chief, FLAGS.train_dir)
File "/media/admin1/8C4CB1B64CB19C00/Tej/ML/Custom-Object-Detection-master/object_detection/trainer.py", line 218, in train
var_map, train_config.fine_tune_checkpoint))
File "/media/admin1/8C4CB1B64CB19C00/Tej/ML/Custom-Object-Detection-master/object_detection/utils/variables_helper.py", line 122, in get_variables_available_in_checkpoint
ckpt_reader = tf.train.NewCheckpointReader(checkpoint_path)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 110, in NewCheckpointReader
return CheckpointReader(compat.as_bytes(filepattern), status)
File "/usr/lib/python2.7/contextlib.py", line 24, in exit
self.gen.next()
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/errors_impl.py", line 466, in raise_exception_on_not_ok_status
pywrap_tensorflow.TF_GetCode(status))
tensorflow.python.framework.errors_impl.NotFoundError: Unsuccessful TensorSliceReader constructor: Failed to find any matching files for model.ckpt
Where I'm getting wrong? Could anyone help me.....