question-mark
Stuck on an issue?

Lightrun Answers was designed to reduce the constant googling that comes with debugging 3rd party libraries. It collects links to all the places you might be looking at while hunting down a tough bug.

And, if you’re still stuck at the end, we’re happy to hop on a call to see how we can help out.

Error in concat1D: rank of tensors[2] must be the same as the rank of the rest (1)

See original GitHub issue

TensorFlow.js version

tensorflow/tfjs-node-gpu: 0.1.19

tensorflowjs 0.6.4 Dependency versions: keras 2.2.2 tensorflow 1.11.0

Describe the problem or feature request

I want to retrain faster_rcnn_inception_v2_coco with my own data, and run the prediction with tfjs-node-gpu. If I download the model directly and use tfjs-converter it works fine.

If I try to train it pipeline.config.txt

Miniconda3\python.exe models\research\object_detection\model_main.py --pipeline_config_path="pipeline.config" --model_dir="training_output" --num_train_steps=200000 --sample_1_of_n_eval_examples=1 --alsologtostderr

then freeze the model with:

Miniconda3\python.exe models\research\object_detection\export_inference_graph.py --input_type image_tensor --pipeline_config_path "training_output/pipeline.config" --trained_checkpoint_prefix "training_output/model.ckpt-4621" --output_directory "exported_model"

and then convert it with tensorflowjs_converter:

Miniconda3\Scripts\tensorflowjs_converter.exe --input_format=tf_saved_model --output_node_names="detection_boxes,detection_scores,num_detections,detection_classes" --saved_model_tags=serve "exported_model/saved_model" "exported_model/web_model"

I get the following error inNodeJS: Error in concat1D: rank of tensors[2] must be the same as the rank of the rest (1) when running the following code:

const model = await tf.loadFrozenModel(modelPath, weightsPath);

const shape = [1, 2560, 1920, 3];
const tensor = tf.fill(shape, 0, 'int32');
await model.executeAsync(
  { image_tensor: tensor },
  ['detection_boxes', 'detection_scores', 'detection_classes', 'num_detections'],
);

A side note, if I take the trained frozen model and try to run the prediction in Python it works.

(node:13376) UnhandledPromiseRejectionWarning: Error: Error in concat1D: rank of tensors[2] must be the same as the rank of the rest (1)
    at Object.assert (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-core\dist\util.js:40:15)
    at D:\Projects\jsblur\node_modules\@tensorflow\tfjs-core\dist\ops\concat_util.js:7:14
    at Array.forEach (<anonymous>)
    at Object.assertParamsConsistent (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-core\dist\ops\concat_util.js:6:12)
    at concat_ (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-core\dist\ops\concat_split.js:36:19)
    at Object.concat (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-core\dist\ops\operation.js:23:29)
    at Object.exports.executeOp (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-converter\dist\src\operations\executors\slice_join_executor.js:10:25)
    at Object.executeOp (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-converter\dist\src\operations\operation_executor.js:47:30)
    at _loop_1 (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-converter\dist\src\executor\graph_executor.js:258:52)
    at GraphExecutor.processStack (D:\Projects\jsblur\node_modules\@tensorflow\tfjs-converter\dist\src\executor\graph_executor.js:282:13)

Issue Analytics

  • State:closed
  • Created 5 years ago
  • Comments:26

github_iconTop GitHub Comments

1reaction
pyu10055commented, Nov 8, 2019

@hsparrow and @xusongpei THe issue you are facing should be fixed in the next release of tfjs-converter. You don’t need to convert the model again, the fixes are on the javascript side.

0reactions
xusongpeicommented, Nov 9, 2019

@pyu10055 Thank you for that!

Read more comments on GitHub >

github_iconTop Results From Across the Web

Error in concat1D: rank of tensors[23] must be the same as the ...
This should solve your rank of tensors[23] must be the same as the rank of the rest (1) error. But now you do...
Read more >
Error in running executeAsync - Google Groups
Uncaught (in promise) Error: Error in concat1D: rank of tensors[2] must be the same as the rank of the rest (1) Error: Error...
Read more >
Concatenate Lists in C# - Code Maze
In this article, we are going to cover six different ways to ... Method | Mean | Error | StdDev | Rank |...
Read more >
Concat — oneDNN Graph Specification 1.0-beta
OpenVINO description: This OP is as same as OpenVINO OP ... Range of values: [-r, r-1] where r = rank(input) ... Rank of...
Read more >
L5.2 Tensors in simple words | Rank of a tensor - YouTube
electrodynamics #griffiths #sayphysics #electrodynamicsgriffithslectures #electrodynamicsfullcourse #electrodynamicsgriffithslecturenotes ...
Read more >

github_iconTop Related Medium Post

No results found

github_iconTop Related StackOverflow Question

No results found

github_iconTroubleshoot Live Code

Lightrun enables developers to add logs, metrics and snapshots to live code - no restarts or redeploys required.
Start Free

github_iconTop Related Reddit Thread

No results found

github_iconTop Related Hackernoon Post

No results found

github_iconTop Related Tweet

No results found

github_iconTop Related Dev.to Post

No results found

github_iconTop Related Hashnode Post

No results found