zoukankan      html  css  js  c++  java
  • python object_detection/model_lib_tf2_test.py

    测试

    (wind_202103) F:TensorflowProjectmodels-master
    esearch>python object_detection/model_lib_tf2_test.py
    2021-04-12 14:24:31.834620: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudart64_110.dll
    Running tests under Python 3.7.10: E:Anaconda3installenvswind_202103python.exe
    [ RUN      ] CheckpointV2Test.test_restore_map_incompatible_error
    2021-04-12 14:24:34.771138: I tensorflow/compiler/jit/xla_cpu_device.cc:41] Not creating XLA devices, tf_xla_enable_xla_devices not set
    2021-04-12 14:24:34.774484: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library nvcuda.dll
    2021-04-12 14:24:36.945391: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties:
    pciBusID: 0000:01:00.0 name: GeForce RTX 3080 Laptop GPU computeCapability: 8.6
    coreClock: 1.245GHz coreCount: 48 deviceMemorySize: 16.00GiB deviceMemoryBand 357.69GiB/s
    2021-04-12 14:24:36.945576: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudart64_110.dll
    2021-04-12 14:24:36.956122: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublas64_11.dll
    2021-04-12 14:24:36.956257: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublasLt64_11.dll
    2021-04-12 14:24:36.961548: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cufft64_10.dll
    2021-04-12 14:24:36.963772: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library curand64_10.dll
    2021-04-12 14:24:36.971892: W tensorflow/stream_executor/platform/default/dso_loader.cc:60] Could not load dynamic library 'cusolver64_10.dll'; dlerror: cusolver64_10.dll not found
    2021-04-12 14:24:36.976450: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cusparse64_11.dll
    2021-04-12 14:24:36.978124: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudnn64_8.dll
    2021-04-12 14:24:36.984303: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1757] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
    Skipping registering GPU devices...
    2021-04-12 14:24:36.984874: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations:  AVX2
    To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
    2021-04-12 14:24:36.988572: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1261] Device interconnect StreamExecutor with strength 1 edge matrix:
    2021-04-12 14:24:36.988649: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1267]
    2021-04-12 14:24:36.990460: I tensorflow/compiler/jit/xla_gpu_device.cc:99] Not creating XLA devices, tf_xla_enable_xla_devices not set
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:37.312043  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:37.312043  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:24:37.327629  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:37.374494  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:37.374494  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:24:37.374494  7540 dataset_builder.py:81] Number of filenames to read: 1
    WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
    W0412 14:24:37.390115  7540 dataset_builder.py:88] num_readers has been reduced to 1 to match input file shards.
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionuildersdataset_builder.py:105: 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.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_deterministic`.
    W0412 14:24:37.405409  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionuildersdataset_builder.py:105: 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.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_deterministic`.
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionuildersdataset_builder.py:237: 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()
    W0412 14:24:37.464975  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionuildersdataset_builder.py:237: 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 E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildispatch.py:201: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Create a `tf.sparse.SparseTensor` and use `tf.sparse.to_dense` instead.
    W0412 14:24:42.136341  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildispatch.py:201: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Create a `tf.sparse.SparseTensor` and use `tf.sparse.to_dense` instead.
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildispatch.py:201: 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.
    W0412 14:24:44.537078  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildispatch.py:201: 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 E:Anaconda3installenvswind_202103libsite-packagesobject_detectioninputs.py:282: 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.
    W0412 14:24:46.209460  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectioninputs.py:282: 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.
    2021-04-12 14:24:47.907951: I tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc:116] None of the MLIR optimization passes are enabled (registered 2)
    E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonkerasackend.py:434: UserWarning: `tf.keras.backend.set_learning_phase` is deprecated and will be removed after 2020-10-11. To update it, simply pass a True/False value to the `training` argument of the `__call__` method of your layer or model.
      warnings.warn('`tf.keras.backend.set_learning_phase` is deprecated and '
    INFO:tensorflow:time(__main__.CheckpointV2Test.test_restore_map_incompatible_error): 15.24s
    I0412 14:24:50.003476  7540 test_util.py:2076] time(__main__.CheckpointV2Test.test_restore_map_incompatible_error): 15.24s
    [       OK ] CheckpointV2Test.test_restore_map_incompatible_error
    [ RUN      ] CheckpointV2Test.test_restore_v2
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:50.034768  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:50.034768  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:24:50.050341  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:50.092162  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:50.092162  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:24:50.107802  7540 dataset_builder.py:81] Number of filenames to read: 1
    WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
    W0412 14:24:50.107802  7540 dataset_builder.py:88] num_readers has been reduced to 1 to match input file shards.
    INFO:tensorflow:time(__main__.CheckpointV2Test.test_restore_v2): 2.29s
    I0412 14:24:52.311290  7540 test_util.py:2076] time(__main__.CheckpointV2Test.test_restore_v2): 2.29s
    [       OK ] CheckpointV2Test.test_restore_v2
    [ RUN      ] CheckpointV2Test.test_session
    [  SKIPPED ] CheckpointV2Test.test_session
    [ RUN      ] MetricsExportTest.test_export_metrics_json_serializable
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:52.338291  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:24:52.339342  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:24:52.347524  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Maybe overwriting train_steps: 2
    I0412 14:24:52.368904  7540 config_util.py:552] Maybe overwriting train_steps: 2
    INFO:tensorflow:Maybe overwriting use_bfloat16: False
    I0412 14:24:52.372188  7540 config_util.py:552] Maybe overwriting use_bfloat16: False
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionmodel_lib_v2.py:546: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
    Instructions for updating:
    rename to distribute_datasets_from_function
    W0412 14:24:52.415938  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionmodel_lib_v2.py:546: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
    Instructions for updating:
    rename to distribute_datasets_from_function
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:52.426136  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:24:52.426640  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:24:52.431388  7540 dataset_builder.py:81] Number of filenames to read: 1
    WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
    W0412 14:24:52.433525  7540 dataset_builder.py:88] num_readers has been reduced to 1 to match input file shards.
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:24:58.430851  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildeprecation.py:605: calling map_fn_v2 (from tensorflow.python.ops.map_fn) with dtype is deprecated and will be removed in a future version.
    Instructions for updating:
    Use fn_output_signature instead
    W0412 14:25:07.053024  7540 deprecation.py:537] From E:Anaconda3installenvswind_202103libsite-packages	ensorflowpythonutildeprecation.py:605: calling map_fn_v2 (from tensorflow.python.ops.map_fn) with dtype is deprecated and will be removed in a future version.
    Instructions for updating:
    Use fn_output_signature instead
    INFO:tensorflow:time(__main__.MetricsExportTest.test_export_metrics_json_serializable): 37.28s
    I0412 14:25:29.604140  7540 test_util.py:2076] time(__main__.MetricsExportTest.test_export_metrics_json_serializable): 37.28s
    [       OK ] MetricsExportTest.test_export_metrics_json_serializable
    [ RUN      ] MetricsExportTest.test_session
    [  SKIPPED ] MetricsExportTest.test_session
    [ RUN      ] ModelCheckpointTest.test_checkpoint_max_to_keep
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:25:29.635384  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:25:29.635384  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:25:29.635384  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Maybe overwriting train_steps: 20
    I0412 14:25:29.650376  7540 config_util.py:552] Maybe overwriting train_steps: 20
    INFO:tensorflow:Maybe overwriting use_bfloat16: False
    I0412 14:25:29.663677  7540 config_util.py:552] Maybe overwriting use_bfloat16: False
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:25:29.691664  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:25:29.691664  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:25:29.691664  7540 dataset_builder.py:81] Number of filenames to read: 1
    WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
    W0412 14:25:29.691664  7540 dataset_builder.py:88] num_readers has been reduced to 1 to match input file shards.
    WARNING:tensorflow:Unresolved object in checkpoint: (root).model.weight
    W0412 14:25:30.131912  7540 util.py:161] Unresolved object in checkpoint: (root).model.weight
    WARNING:tensorflow:A checkpoint was restored (e.g. tf.train.Checkpoint.restore or tf.keras.Model.load_weights) but not all checkpointed values were used. See above for specific issues. Use expect_partial() on the load status object, e.g. tf.train.Checkpoint.restore(...).expect_partial(), to silence these warnings, or use assert_consumed() to make the check explicit. See https://www.tensorflow.org/guide/checkpoint#loading_mechanics for details.
    W0412 14:25:30.131912  7540 util.py:169] A checkpoint was restored (e.g. tf.train.Checkpoint.restore or tf.keras.Model.load_weights) but not all checkpointed values were used. See above for specific issues. Use expect_partial() on the load status object, e.g. tf.train.Checkpoint.restore(...).expect_partial(), to silence these warnings, or use assert_consumed() to make the check explicit. See https://www.tensorflow.org/guide/checkpoint#loading_mechanics for details.
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.253510  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.253510  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.253510  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.253510  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.282744  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:25:33.283798  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:time(__main__.ModelCheckpointTest.test_checkpoint_max_to_keep): 126.89s
    I0412 14:27:36.513901  7540 test_util.py:2076] time(__main__.ModelCheckpointTest.test_checkpoint_max_to_keep): 126.89s
    [       OK ] ModelCheckpointTest.test_checkpoint_max_to_keep
    [ RUN      ] ModelCheckpointTest.test_session
    [  SKIPPED ] ModelCheckpointTest.test_session
    [ RUN      ] ModelLibTest.test_session
    [  SKIPPED ] ModelLibTest.test_session
    [ RUN      ] ModelLibTest.test_train_loop_then_eval_loop
    WARNING:tensorflow:Some requested devices in `tf.distribute.Strategy` are not visible to TensorFlow: /job:localhost/replica:0/task:0/device:CPU:0,/job:localhost/replica:0/task:0/device:CPU:1
    W0412 14:27:36.513901  7540 cross_device_ops.py:1318] Some requested devices in `tf.distribute.Strategy` are not visible to TensorFlow: /job:localhost/replica:0/task:0/device:CPU:0,/job:localhost/replica:0/task:0/device:CPU:1
    WARNING:tensorflow:There are non-GPU devices in `tf.distribute.Strategy`, not using nccl allreduce.
    W0412 14:27:36.513901  7540 cross_device_ops.py:1321] There are non-GPU devices in `tf.distribute.Strategy`, not using nccl allreduce.
    INFO:tensorflow:Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:1')
    I0412 14:27:36.513901  7540 mirrored_strategy.py:350] Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:1')
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:27:36.529523  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:27:36.542529  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:27:36.544584  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Maybe overwriting train_steps: 2
    I0412 14:27:36.547669  7540 config_util.py:552] Maybe overwriting train_steps: 2
    INFO:tensorflow:Maybe overwriting use_bfloat16: False
    I0412 14:27:36.556295  7540 config_util.py:552] Maybe overwriting use_bfloat16: False
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:27:36.587379  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:27:36.603004  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:27:36.603004  7540 dataset_builder.py:81] Number of filenames to read: 1
    WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
    W0412 14:27:36.603004  7540 dataset_builder.py:88] num_readers has been reduced to 1 to match input file shards.
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.754535  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.754535  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.770154  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.770154  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.770154  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:27:40.770154  2488 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.879190  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.879190  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.879190  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.879190  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.898390  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.907033  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.911291  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.916022  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.918084  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    I0412 14:27:47.920830  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0', '/job:localhost/replica:0/task:0/device:CPU:0').
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:27:49.723818  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:27:59.739991  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    2021-04-12 14:28:03.320080: W tensorflow/core/grappler/optimizers/loop_optimizer.cc:906] Skipping loop optimization for Merge node with control input: replica_1/train_input_images/write_summary/summary_cond/branch_executed/_355
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.197732  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.197732  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.197732  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.213338  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.213338  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.213338  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.213338  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    INFO:tensorflow:Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    I0412 14:28:12.213338  7540 cross_device_ops.py:565] Reduce to /job:localhost/replica:0/task:0/device:CPU:0 then broadcast to ('/job:localhost/replica:0/task:0/device:CPU:0',).
    WARNING:tensorflow:Forced number of epochs for all eval validations to be 1.
    W0412 14:28:17.939414  7540 model_lib_v2.py:1063] Forced number of epochs for all eval validations to be 1.
    INFO:tensorflow:Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    I0412 14:28:17.939414  7540 config_util.py:552] Maybe overwriting train_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    I0412 14:28:17.955035  7540 config_util.py:552] Maybe overwriting eval_input_path: object_detection	est_datapets_examples.record
    INFO:tensorflow:Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    I0412 14:28:17.955035  7540 config_util.py:552] Maybe overwriting label_map_path: object_detectiondatapet_label_map.pbtxt
    INFO:tensorflow:Maybe overwriting sample_1_of_n_eval_examples: 1
    I0412 14:28:17.963319  7540 config_util.py:552] Maybe overwriting sample_1_of_n_eval_examples: 1
    INFO:tensorflow:Maybe overwriting use_bfloat16: False
    I0412 14:28:17.966382  7540 config_util.py:552] Maybe overwriting use_bfloat16: False
    INFO:tensorflow:Maybe overwriting train_steps: 2
    I0412 14:28:17.969440  7540 config_util.py:552] Maybe overwriting train_steps: 2
    INFO:tensorflow:Maybe overwriting eval_num_epochs: 1
    I0412 14:28:17.972016  7540 config_util.py:552] Maybe overwriting eval_num_epochs: 1
    WARNING:tensorflow:Expected number of evaluation epochs is 1, but instead encountered `eval_on_train_input_config.num_epochs` = 0. Overwriting `num_epochs` to 1.
    W0412 14:28:17.982726  7540 model_lib_v2.py:1084] Expected number of evaluation epochs is 1, but instead encountered `eval_on_train_input_config.num_epochs` = 0. Overwriting `num_epochs` to 1.
    INFO:tensorflow:Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    I0412 14:28:18.008806  7540 dataset_builder.py:163] Reading unweighted datasets: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    I0412 14:28:18.008806  7540 dataset_builder.py:80] Reading record datasets for input file: ['object_detection\test_data\pets_examples.record']
    INFO:tensorflow:Number of filenames to read: 1
    I0412 14:28:18.024464  7540 dataset_builder.py:81] Number of filenames to read: 1
    INFO:tensorflow:Waiting for new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxx
    I0412 14:28:18.568258  7540 checkpoint_utils.py:139] Waiting for new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxx
    INFO:tensorflow:Found new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxxckpt-5
    I0412 14:28:18.568258  7540 checkpoint_utils.py:148] Found new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxxckpt-5
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.658709  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.658709  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.675488  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.675488  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.689113  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    INFO:tensorflow:depth of additional conv before box predictor: 0
    I0412 14:28:20.702416  7540 convolutional_keras_box_predictor.py:154] depth of additional conv before box predictor: 0
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packagesobject_detectioneval_util.py:929: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Use `tf.cast` instead.
    W0412 14:28:30.613035  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectioneval_util.py:929: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Use `tf.cast` instead.
    INFO:tensorflow:Finished eval step 0
    I0412 14:28:30.613035  7540 model_lib_v2.py:939] Finished eval step 0
    WARNING:tensorflow:From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionutilsvisualization_utils.py:617: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    tf.py_func is deprecated in TF V2. Instead, there are two
        options available in V2.
        - tf.py_function takes a python function which manipulates tf eager
        tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
        an ndarray (just call tensor.numpy()) but having access to eager tensors
        means `tf.py_function`s can use accelerators such as GPUs as well as
        being differentiable using a gradient tape.
        - tf.numpy_function maintains the semantics of the deprecated tf.py_func
        (it is not differentiable, and manipulates numpy arrays). It drops the
        stateful argument making all functions stateful.
    
    W0412 14:28:30.706731  7540 deprecation.py:339] From E:Anaconda3installenvswind_202103libsite-packagesobject_detectionutilsvisualization_utils.py:617: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    tf.py_func is deprecated in TF V2. Instead, there are two
        options available in V2.
        - tf.py_function takes a python function which manipulates tf eager
        tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
        an ndarray (just call tensor.numpy()) but having access to eager tensors
        means `tf.py_function`s can use accelerators such as GPUs as well as
        being differentiable using a gradient tape.
        - tf.numpy_function maintains the semantics of the deprecated tf.py_func
        (it is not differentiable, and manipulates numpy arrays). It drops the
        stateful argument making all functions stateful.
    
    INFO:tensorflow:Performing evaluation on 10 images.
    I0412 14:28:33.657021  7540 coco_evaluation.py:293] Performing evaluation on 10 images.
    creating index...
    index created!
    INFO:tensorflow:Loading and preparing annotation results...
    I0412 14:28:33.672648  7540 coco_tools.py:116] Loading and preparing annotation results...
    INFO:tensorflow:DONE (t=0.00s)
    I0412 14:28:33.672648  7540 coco_tools.py:138] DONE (t=0.00s)
    creating index...
    index created!
    Running per image evaluation...
    Evaluate annotation type *bbox*
    DONE (t=0.02s).
    Accumulating evaluation results...
    DONE (t=0.03s).
     Average Precision  (AP) @[ IoU=0.50:0.95 | area=   all | maxDets=100 ] = 0.000
     Average Precision  (AP) @[ IoU=0.50      | area=   all | maxDets=100 ] = 0.000
     Average Precision  (AP) @[ IoU=0.75      | area=   all | maxDets=100 ] = 0.000
     Average Precision  (AP) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = -1.000
     Average Precision  (AP) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.000
     Average Precision  (AP) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area=   all | maxDets=  1 ] = 0.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area=   all | maxDets= 10 ] = 0.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area=   all | maxDets=100 ] = 0.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = -1.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.000
     Average Recall     (AR) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.000
    INFO:tensorflow:Eval metrics at step 2
    I0412 14:28:33.773708  7540 model_lib_v2.py:988] Eval metrics at step 2
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP: 0.000000
    I0412 14:28:33.787428  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP@.50IOU: 0.000000
    I0412 14:28:33.793515  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP@.50IOU: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP@.75IOU: 0.000000
    I0412 14:28:33.799619  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP@.75IOU: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP (small): -1.000000
    I0412 14:28:33.810276  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP (small): -1.000000
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP (medium): 0.000000
    I0412 14:28:33.811801  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP (medium): 0.000000
    INFO:tensorflow:        + DetectionBoxes_Precision/mAP (large): 0.000000
    I0412 14:28:33.816905  7540 model_lib_v2.py:991]        + DetectionBoxes_Precision/mAP (large): 0.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@1: 0.000000
    I0412 14:28:33.823498  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@1: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@10: 0.000000
    I0412 14:28:33.828062  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@10: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@100: 0.000000
    I0412 14:28:33.842300  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@100: 0.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@100 (small): -1.000000
    I0412 14:28:33.845872  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@100 (small): -1.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@100 (medium): 0.000000
    I0412 14:28:33.858544  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@100 (medium): 0.000000
    INFO:tensorflow:        + DetectionBoxes_Recall/AR@100 (large): 0.000000
    I0412 14:28:33.863182  7540 model_lib_v2.py:991]        + DetectionBoxes_Recall/AR@100 (large): 0.000000
    INFO:tensorflow:        + Loss/localization_loss: 2.726894
    I0412 14:28:33.871798  7540 model_lib_v2.py:991]        + Loss/localization_loss: 2.726894
    INFO:tensorflow:        + Loss/classification_loss: 105.204201
    I0412 14:28:33.873344  7540 model_lib_v2.py:991]        + Loss/classification_loss: 105.204201
    INFO:tensorflow:        + Loss/regularization_loss: 0.149363
    I0412 14:28:33.873859  7540 model_lib_v2.py:991]        + Loss/regularization_loss: 0.149363
    INFO:tensorflow:        + Loss/total_loss: 108.080444
    I0412 14:28:33.877416  7540 model_lib_v2.py:991]        + Loss/total_loss: 108.080444
    INFO:tensorflow:Waiting for new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxx
    I0412 14:28:33.993075  7540 checkpoint_utils.py:139] Waiting for new checkpoint at C:UsersBIMAppDataLocalTempmodel_lib_tf2_test2mhzqvxx
    INFO:tensorflow:Timed-out waiting for a checkpoint.
    I0412 14:28:43.077169  7540 checkpoint_utils.py:202] Timed-out waiting for a checkpoint.
    INFO:tensorflow:time(__main__.ModelLibTest.test_train_loop_then_eval_loop): 66.56s
    I0412 14:28:43.077169  7540 test_util.py:2076] time(__main__.ModelLibTest.test_train_loop_then_eval_loop): 66.56s
    [       OK ] ModelLibTest.test_train_loop_then_eval_loop
    ----------------------------------------------------------------------
    Ran 9 tests in 248.322s
    
    OK (skipped=4)
    
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch>
    (wind_202103) F:TensorflowProjectmodels-master
    esearch

    #############

    QQ 3087438119
  • 相关阅读:
    分享jstl实现分页,类似百度分页
    分享git的常用命令
    ubuntu certbot 生成免费泛域名证书
    es创建普通索引以及各种查询
    动态代理
    开闭原则
    单一原则
    单例模式
    设计模式之观察者模式
    SpringBoot集成spring-data-jpa注入Bean失败
  • 原文地址:https://www.cnblogs.com/herd/p/14647850.html
Copyright © 2011-2022 走看看