Cant install tf models official gz (174 kB) Installing build dependencies done Getting requirements t Mar 13, 2025 · The TensorFlow official models are a collection of models that use TensorFlow’s high-level APIs. Able to successfully install the latest version. modeling import movinet 2 from official. 当我在命令提示符下运行pip install tf-models-official时,我得到以下错误 May 13, 2022 · 你好,TensorFlow2. Jul 24, 2024 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. 3. There seems to be a conflict between your research code and the tf-models-official package from PyPI. Sep 23, 2021 · 2. Jul 7, 2022 · 文章浏览阅读1k次。在安装tf-models-official包时遇到pycocotools依赖错误,通过解决该依赖问题,成功安装了tf-models-official。详细步骤包括对pycocotools的安装和验证,最终运行安装命令完成安装。 Nov 30, 2022 · I faced similar a problem and it seems like you need to first install tensorflow-text as follows!pip install -q -U "tensorflow-text==2. 0a10 #601 (comment) tf-models-official is the stable Model Garden package. 7, pip install tf-models-official Share. 0 MB/s eta 0:00:00 May 25, 2023 · I want to use Mask RCNN ot tf-models-official but it has to be with python 3. 2 MB) Requirement already satisfied: Pillow in c:\users\user\documents\python scripts\number_plate_recognition\anprsys\lib\site-packages (from tf-models-official) (9. Mar 13, 2020 · System information Have I written custom code (as opposed to using a stock example script provided in TensorFlow): Yes OS Platform and Distribution (e. 0-preview for GPU and pip install tf-nightly-2. 0 depends on Models and examples built with TensorFlow. . tf-models-official包安装失败(已解决),代码先锋网,一个为软件开发程序员提供代码片段和技术文章聚合的网站。 tf-models-official包安装失败(已解决) - 代码先锋网 文章浏览阅读1. However, we also wanted to create an onnx model with dynamic batch size input. 0-py2. 7; Share. 3 depends on tensorflow-addons tf-models-official 2. networks. Dec 17, 2024 · 安装tf-models-official包。可以通过运行pip3 install tf-models-official来安装。 注意事项二:代码导入. Feb 16, 2023 · **原因:**目前tf1. 9 kB 12. 1) from PyPI. Oct 20, 2020 · pip install -U tf-models-official If you have multiple versions then its better to: pipVERSION install -U tf-models-official Where VERSION is like pip3. Discover TensorFlow's flexible ecosystem of tools, libraries and community resources. 1,<5. They are intended to be well-maintained, tested, and kept up to date with the I get a dependency conflicts from tensorflow-text (tf-models-official 2. 2. pip install --user tensorflow-addons==0. After installation, check out this instruction on how to train models with this codebase. I am reporting the issue to the correct repository. pip will install all models and dependencies automatically. 7. 1-> mediapipe-model-maker) Using cached opencv_python_headless-4. 0 depends on opencv-python-headless==4. 1-py2. Follow edited Aug 24, 2020 at 18:32. nlp It is used in a program as shown: from official. Note that it may not include the latest changes in the tensorflow_models GitHub repo. zip),解压后得到包m Jan 13, 2023 · The Model Garden includes two primary categories of models: official models and research models. I've also installed all the official models with pip install tf-models-official. 0-rc3 now you can import tensorflow_addons. nlp import opti Jun 5, 2024 · Hi @torienyart,. 0" "tensorflow<2. 1 depends Mar 22, 2023 · The conflict is caused by: tf-models-official 2. Thanks Sep 21, 2021 · The problem with uninstalling is that the 2022 version won't replace those 2019 C runtime redistributable -- so it may break installed software -- and any future software you install may package those and re-install them with it. Description. pip install tf-models-official -> Done. Contribute to tensorflow/models development by creating an account on GitHub. 6 But then I keep Apr 23, 2020 · All you have to do is pip install the below mentioned versions and it will work. I even Googled the subject and again nothing. 5. 2715 Compiler version No response Programming Language and version Python 3. Apr 29, 2023 · Collecting tf-models-official==2. 1 depends on sacrebleu<=2. douban. 8. Nov 10, 2024 · I want to use Mask RCNN ot tf-models-official but it has to be with python 3. Provide details and share your research! But avoid …. I've looked at a few Jun 22, 2021 · @broken Sorry for the confusion. py from the research folder, it looks for a specific version of tf-models-official (greater than 2. The tensorflow-models-official pip package contains two top-level modules: tensorflow_models and orbit. [ ] How in the world does one import this file. From what i read from source code of onnx-graphsurgeon -1 is used for dynamic size. 0) this won't have TensorFlow Text (TF-Text) as a dependency. About Us tf-models-official is the stable Model Garden package. py), you must explicitly install the TensorFlow package (tf-nightly or tf-nightly-gpu). Jul 21, 2024 · My operating system is windows 10. (workaround) Dockerfile内で同一バージョンのtensorflow, tensorflow-text, tf-models-officialをインストールする. tools import export_saved_model. I can't install mediapipe_model_maker 0. ) ! 3. This pip package for TensorFlow Official Models (tf-models-no-deps) that won't have TensorFlow Text (TF-Text) as a dependency. 1-> mediapipe-model-maker) Using cached oauth2client-4. Feb 26, 2024 · we have created a separate pip package for TensorFlow Official Models (tf-models-no-deps 2. So how does one install: official. modeling import movinet_model 3 from official. When you run setup. However, tf-models-official has tensorflow-text as a dependency. I looked up if anyone else was having the same problem and sure enough I found a couple issues on GitHub. Expected behavior. I simply checked the versions installed in google colab link given in the official tensor flow addons page and changed my versions to that. 5. and for install the TensorFlow 2 bye pip you can use: pip install tf-nightly-gpu-2. 4 depends on tensorflow-addons tf-models-official 2. bert' I installed TensorFlow with pip install tensorflow and the tflite model maker with pip install -q tflite-model-maker. Note that it may not include the latest changes in the tensorflow_models github repo. Sep 12, 2023 · I've been trying to bring my code which uses the Tensorflow object detection API into Google Colab (Python 3, T4 GPU), but I cannot seem to install the object detection API. Steps to reproduce pip install tf-models-official Oct 29, 2024 · The TensorFlow official models are a collection of models that use TensorFlow’s high-level APIs. Sep 21, 2021 · 1. 6 conda activate tf-py36 And then install with pip install tf-models-official It starts installing, but periodically prints messages like: "INFO: pip is looking at multip Note that tf-models-official may not include the latest changes in the master branch of this github repo. 0-rco Pre-release is to test the versions compatibility of the TF-Text with official code base. 0 Downloading tf_models_official-2. 0 I tried to install tensorflow-addons using the following: pip install -q --no-deps tensorflow-addons~=0. metadata (914 bytes) INFO: pip is looking at multiple versions of tf-models-official to determine which version is compatible with other requirements. 0 tf-models-official 2. 0 depends on tensorflow-text>=2. Skip this step if you’ve already already installed it. Mar 10, 2012 · OS Platform and Distribution Google CoLab Compiler version No response Programming Language and version Python 3. You switched accounts on another tab or window. … Models and examples built with TensorFlow. 5-py2. Not only that, but because of the bug, it removes previously installed packages (Pandas, NumPy, etc. import tensorflow_models as tfm import orbit Feb 8, 2022 · I am not aware of a formal/quick way to determine the right Tensorflow version, given a specific Model Garden version, master branch. 22. 5 depends on tensorflow-addons tf-models-official 2. Enable the GPU on supported cards. 0 depends on Model Garden can be easily installed with pip install tf-models-nightly. When we run create_onnx. tf-models-official is the stable Model Garden package. I am using the latest TensorFlow Model Garden release and TensorFlow 2. 3 it gives an Mar 11, 2024 · Only way I was able to make it work, it was through using python 3. If the link doesn’t work, you can go into your Steam library and type “Source SDK Base 2013 Multiplayer” in the search bar. Closed AnasAr96 opened this issue Jan 15, pip install tf-models-official --no-deps pip install pyyaml==5. whl (2. You signed out in another tab or window. [ ] Mar 22, 2024 · !pip install "tensorflow==2. 1 depends on tensorflow-addons). Nov 6, 2020 · 再也不担心No module named 'xxx'的问题啦原本遇到的问题是:No module named 'imblearn' 原本遇到的问题是:No module named ‘imblearn’ imblearn处理不均衡数据集,pip install imblearn. The version may change in future, so replace the version number as per your need or remove it Jul 20, 2021 · I create a fresh environment with conda create -n tf-py36 python=3. You can import them with: Feb 15, 2022 · we have created a separate pip package for TensorFlow Official Models (tf-models-no-deps 2. Sep 23, 2021 · こんにちは、ピリカ開発チームの九鬼(niccari)です。 機械学習周りで物体検出したいとき、TensorFlowとともにObject Detection APIを利用することがあります。 Object Detection API側のアップデートで新規Docker環境が動かなくなったことがありました。 Low level model building. 12 Installed using virtualenv? pip? Conda?(if python) No MediaPipe version No res Install and import Install the TensorFlow Model Garden pip package. 12. 0) and tensorflow-addons (tf-models-official 2. 7' In fact, 'dataclasses' has already been included in python 3. 问题描述: 初学者可能不清楚如何导入项目中的模型代码,或者如何修改和使用这些模型。 解决步骤: 在项目页面中找到具体的模型或样例代码。 Mar 25, 2023 · The conflict is caused by: tf-models-official 2. 4-py3-none-any. Share Improve this answer Feb 13, 2022 · Hey guys, I am facing this issue while installing tensorflow. projects. Feb 13, 2024 · I encountered a problem while using the pip Version of the Tensorflow model garden: The official tutorial supposes following steps: pip install tensorflow -> Done. Collecting tf-models-official Using cached tf_models_official-2. 16, with this command : pip install "pyyaml>6. Jun 8, 2024 · i want install tflite-model-maker but i face issue when install i do this install python 3. They are intended to be well-maintained, tested, and kept up to date with the latest TensorFlow API. 1 depends To install this package run one of the following: conda install hcc::tf-models-official. Jul 19, 2024 · tf-models-official 2. 0 depends on Aug 3, 2023 · Ideally the command should be: pip3 install tf-models-official==2. To include the latest changes, you may install tf-models-nightly, which is the nightly Model Garden package created daily automatically. x high-level APIs. com /simple/ # 豆瓣源 Oct 17, 2023 · pip install-q opencv-python pip install tensorflow> = 2. py3-none-any. Model Garden contains a collection of state-of-the-art vision models, implemented with TensorFlow's high-level APIs. The most likely reason is that Python doesn’t provide tf-models-official in its standard library. 2 depends on tensorflow-text~=2. Can i install tensorflow/models package with pip install? I want to import the code as shown below. 1), they cannot be installed together. Model libraries in Mar 10, 2012 · OS Platform and Distribution Google CoLab Compiler version No response Programming Language and version Python 3. 1 depends on sacrebleu==2. By default, the experiment runs on GPUs. To run on TPUs, one should overwrite runtime. then running following code: import numpy as np import tensorflow as tf from tensorflow_models import nlp results in following error This tutorial fine-tunes a Residual Network (ResNet) from the TensorFlow Model Garden package (tensorflow-models) to classify images in the CIFAR dataset. nlp May 5, 2023 · Saved searches Use saved searches to filter your results more quickly Dec 10, 2022 · Note that tf-models-official may not include the latest changes in the master branch of this github repo. 17. 80-cp37-abi3-macosx_11_0_arm64. You can import them with: The conflict is caused by: tf-models-official 2. For explicit batch sizes it works perfect. This will allow users to install and use tf-models-official(for vision users) on any platform without needing TF-Text specifically. Dec 7, 2021 · Anacondaは、Python本体とPythonで利用されるライブラリを一括でインストールできるパッケージです。環境構築が容易になるため、Python開発者間ではよく利用されており、商用目的としても利用できます。 Note that tf-models-official may not include the latest changes in the master branch of this github repo. movinet. 6, <3. To include latest changes, you may install tf-models-nightly, which is the nightly Model Garden package created daily automatically. distribution_strategy and set the tpu address. By data scientists, for data scientists. Two workarounds exist:. need yr help Collecting tf-models-official>=2. Mar 22, 2022 · While using pip install tf-models-official I found the following problem while the library is getting installed:-. This seems caused by a bad configuration. This allows us to maintain one package instead of separate packages for CPU and GPU-enabled TensorFlow. Run pip install tf-models-official==2. Jan 31, 2022 · 走らせるべきスクリプトがここにあることが分かった。 まず、 pip3 install tf-models-official 次に、上記zipファイルを解凍し、--train_batch_sizeを64に減らしてPythonスクリプトを走らせたところ、今のところは動いている。 python3 . 13. Mar 9, 2023 · The conflict is caused by: tf-models-official 2. 0版本的也就是比较新的版本都将models库剔除,当做第三方库来使用了。**问题经过:**之前未采用anaconda创建Python环境,采用ubuntu自带的python2. 16. To install the package from source, refer to these instructions. Mar 26, 2023 · The conflict is caused by: tf-models-official 2. 2k次。本文提供了一个使用TensorFlow官方NLP库transformer的实践指南,包括从github获取代码、安装依赖、数据预处理、模型训练、模型预测以及参数平均的两种方法。 Nov 15, 2023 · Edit: Adding the work arounds which worked for people. , Pixel 4, Samsung Gal Mar 28, 2023 · You signed in with another tab or window. 2 and then 2. Mar 30, 2021 · Stack Overflow for Teams Where developers & technologists share private knowledge with coworkers; Advertising & Talent Reach devs & technologists worldwide about your product, service or employer brand Apr 26, 2024 · $ pip install tensorflow-models-official # For the latest release $ #or $ pip install tf-models-nightly # For the nightly build. I did not use pip to install tf-gpu. 10. 6 Installed using virtualenv? pip? Conda?(if python) pipenv 2023. 6 TensorFlow 2. 2 depends on tensorflow-addons tf-models-official 2. Download a pip package, run in a Docker container, or build from source. nlp. 4 in windows , I think the reason is some libs like tensorflow-text,tf-models-official do not have a greater windows version. whl (98 kB) Collecting opencv-python-headless (from tf-models-official > =2. 0I run "pip install mediapipe_model_maker" ,but I can only install version 0. Oct 24, 2023 · OS Platform and Distribution WINDOWS 11 22H2 22621. 3 --no-deps Jun 13, 2022 · ModuleNotFoundError: No module named 'official. Official models. models. Mar 22, 2022 · 在使用pip install tf-models-official时,我在安装库时发现了以下问题:Collecting tf-models-official Using cached tf_models_official-2. Aug 28, 2023 · If you try to install tflite-model-maker-nightly basically it starts to download all nightly build wheels since the first release rather than latest one as supposed. Install and import Install the TensorFlow Model Garden pip package. Attempting to install earlier versions of tensorflowjs is not an option. They should also be reasonably optimized for fast performance while still being easy to read. I have tried many things and nothing so far has worked. 6 MB) INFO: pip is looking at multiple versions of to determi Jan 15, 2023 · Can't install object detection on M1 Mac #13. Thanks Collecting tensorflow-model-optimization>=0. 7导入models,先是在github上(地址:tensorflow models Github地址),采用迅雷下载了资源包(zip文件,名字是master-models. 4. Describe the bug I cannot install tf-models-official on a PC with Windows 10. 0 tf-models-official The tf-models-official package contains both the orbit and tensorflow_models modules. Tf versions for installing go up to 2. Reload to refresh your session. 3 not in '>=3. 10 Aug 17, 2022 · tf-models-official官方介绍: tf-models-official是使用TensorFlow高级API的模型,为TensorFlow用户提供了许多不同的最先进(SOTA)模型和建模解决方案。 TensorFlow Hub官方介绍: TensorFlow Hub 是包含各种预训练模型的综合代码库,这些模型稍作调整便可部署到任何设备上。 Note that tf-models-official may not include the latest changes in the master branch of this github repo. 4 version, but I got the following output: `Collecting pyyaml==5. 0" "keras<3. Mar 10, 2013 · done Collecting oauth2client (from tf-models-official > =2. BertClassifier classes. We are aware of this issue and pip install tf-models-official is breaking as of now because of latest cython and pyyaml release having some version conflicts, as of now we are taking cython latest version and pyyaml <6. 4 create Virtual Environments and Activate inside env use " pip install tflite-model-maker" env_name>pi Jul 19, 2023 · Hi @ironllamagirl,. 1. 0 depends on ----> 1 from official. ANACONDA. $ pip install tensorflow-models-official # For the latest release $ #or $ pip install tf-models-nightly # For the nightly build. *" This installation will raise dependency errors but its ok. 0 version. 0以上版本出现报错 ModuleNotFoundError: No module named 'official’ 可以使用以下命令下载: pip install tf-models-official pip install tf-models-official -i http: // pypi. Jan 22, 2021 · (Model Garden official or research directory) you will need to install using pip install tf-models-nightly until the 2. 6. 9. Jan 17, 2017 · tensorflow/models I installed tensorflow through anaconda, and here I want to include the tensorflow/model. 9'. 1" # TensorFlow Model Garden package!pip install tf-models-official # Include the latest changes for the TensorFlow Model Garden package!pip install tf-models Nov 29, 2019 · I have a venv with the following details: python 3. Aug 3, 2023 · Before trying pip install tf-models-official, I had tensorflow-2. whl. 3k 30 30 gold Feb 5, 2024 · pip install tf-models-official, You can’t perform that action at this time. 问题描述: 初学者可能不清楚如何导入项目中的模型代码,或者如何修改和使用这些模型。 解决步骤: 在项目页面中找到具体的模型或样例代码。 Dec 17, 2024 · 安装tf-models-official包。可以通过运行pip3 install tf-models-official来安装。 注意事项二:代码导入. This tf-models-no-deps 2. These models are implemented using current TensorFlow 2. 1) Collecting gin Note that tf-models-official may not include the latest changes in the master branch of this github repo. Here is the model I Jul 17, 2023 · I am tyring to install the 5. 10 and tf 2. inception_resnet_v2 Jun 3, 2023 · $ pip install tensorflow-models-official # For the latest release $ #or $ pip install tf-models-nightly # For the nightly build The NLP functionality is available in the tfm. 2 MB)Requirement already satisfied: Pillow in c:\users\use Note that tf-models-official may not include the latest changes in the master branch of this github repo. 1 (from tf-models-official>=2. Aug 15, 2018 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. 11. Asking for help, clarification, or responding to other answers. I can see the BERT model on the official models GitHub as well, so it should be in there. 0-preview for CPU. 52 object-detection 0. However, here is my workaround: In the REQUIRED_PACKAGES above, we see tf-models-official>=2. 4 Using cached PyYAML-5. 12 Installed using virtualenv? pip? Conda?(if python) No MediaPipe version No res Dec 14, 2023 · Install and import Install the TensorFlow Model Garden pip package. Jul 4, 2024 · Why can’t I install TF2 Classic? To run TF2 Classic, you must have Source SDK Base 2013 Multiplayer installed. Then import tensorflow and tensorflow_text. Preinstall cython<3, then install pyyaml without build isolation, then install the rest of your dependencies "AttributeError: cython_sources" with Cython 3. We would like to show you a description here but the site won’t allow us. whl", but also failed. __path__ 输出的地址为TensorFlow模块所在地址 三、在此地址右键:git bash here 四、在git bash中输入以下命令: git clone --recurse-subm Jul 24, 2024 · This article discusses an error encountered during the installation of tf-models-official using pip, specifically an error related to the collection of 'kaggle>=1. 0. 13) for computer vision purposes (nothing to do w/ TF Text). Mar 24, 2023 · Learn how to install TensorFlow on your system. import tensorflow_models as tfm tfm . The sequence I executed was, r/techsupport • I'm trying to install LLaMa 2 locally using text-generation-webui, but when I try to run the model it says "IndexError: list index out of range" when trying to run TheBloke/WizardLM-1. Additional context You can’t perform that Oct 17, 2023 · Install and import Install the TensorFlow Model Garden pip package. Contribute to ObinnaObeleagu/models-1 development by creating an account on GitHub. nlp submodule. 导入该包后python中正常,但在jupyter notebook和pycharm均报错在网上找到一篇解决问题的“渔”。 Given tf-models-official depends on PyYAML (>=5. Sep 15, 2020 · If you use the tf-models-official then you should clone the corresponding branch (r2. 1->mediapipe-model-maker) Downloading tensorflow_model_optimization-0. Jul 14, 2023 · >>> import tf-models-official Traceback (most recent call last): File "<pyshell#6>", line 1, in <module> import tf-models-official ModuleNotFoundError: No module named 'tf-models-official' Solution Idea 1: Install Library tf-models-official. 0) and tensorflowjs depends on PyYAML (>=5. You signed in with another tab or window. Used conda install -c anaconda tensorflow-gpu==2. You Jul 19, 2023 · Hi @Annieliaquat,. 3 it gives an Jan 11, 2023 · 一、采用git bash来安装,确认已经安装了git 二、手动找到TensorFlow的模块文件夹地址,若不知道,输入以下两行代码: import tensorflow as tf tf. 16" mediapipe-model-maker --no-deps The list of packages featured in my pip freeze is : Aug 4, 2020 · When installing tf-models-official using pip install tf-models-official, I got an error: ERROR: Package 'dataclasses' requires a different Python: 3. ModuleNotFoundError: No module named 'official' please help Model Garden can be easily installed with pip install tf-models-nightly. I was trying to install mediapipe_model_maker by "pip install mediapipe_model_maker-0. 10, if I try tf-models-official==2. long_description = """The TensorFlow official models are a collection of models that use TensorFlow's high-level APIs. import nets. 学習環境側で制約があり、どうしてもTensorFlowのバージョンを特定のバージョンに揃えたい場合があります。 tf-models-official is the TensorFlow Model Garden package. 0 depends on tensorflow-text~=2. 4. py script with --batch_size=-1 it fails. Note that tf-models-official may not include the latest changes in the master branch of this github repo. Improve this answer. "nightly" is just the name for the virtual environment created as I first was going to install tf nighlty version which I did not install. 0 You can’t perform that action at Apr 13, 2022 · Description I have been using this guide from TensorRT to convert tf object detection api models to onnx. whl (840 kB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 840. , Linux Ubuntu 16. An end-to-end open source machine learning platform for everyone. See RuntimeConfig for details. /models-2. 3-py2. 9/840. tar. TransformerEncoder and nlp. whl (1. 4b0. 1 depends on tensorflow-text~=2. The Official Models repository is a collection of state-of-the-art models, with a focus on vision and natural language processing (NLP). However, I'm getting a conflict: The conflict is caused by: tf-models-official 2. modeling. But, pip install tf-models-official resulted in dependency issues, so I removed everything tensorflow and just did pip install tf-models-official, which gave me version 2. g. 3 pip install --user tensorflow==2. I'm trying to install tf-models-official package on my M1 Mac inside conda environment with tensorflow-macos installed. Dec 14, 2023 · Install and import Install the TensorFlow Model Garden pip package. If you need a more control over the construction of the model it's worth noting that the classifier_model function used earlier is really just a thin wrapper over the nlp. However, the latest version of tf-models-official installed from PyPI might not be compatible with your research code. 16" "tf-models-official<2. 1 depends Dec 7, 2022 · After using apples official guide for installing tensorflow (the tensorflow-macos that has GPU acceleration) installing tf-models-official causes an error: ERROR: Cannot install tf-models-official= Jul 14, 2023 · 💡 If you have only one version of Python installed: pip install tf-models-official 💡 If you have Python 3 (and, possibly, other versions) installed: pip3 install tf-models-official 💡 If you don't have PIP or it doesn't work python -m pip install tf-models-official python3 -m pip install tf-models-official 💡 If you have Linux and you Sep 11, 2023 · Prerequisites Please answer the following questions for yourself before submitting an issue. Aug 3, 2022 · Since TensorFlow is not included as a dependency of the TensorFlow Model Optimization package (in setup. 04): Windows 10 (64 bit) Mobile device (e. Just remember that if you start modifying the architecture it . 0-Uncensored-Llama2-13B-GPTQ Jun 7, 2023 · I'm trying to install and run Tensorflow on my Windows computer without using the GPU for now, but even after having followed all the steps in the Tensorflow Api Detection API tutorial with no eror Sep 20, 2021 · 我正在尝试在装有Windows10的PC上安装tf-models-Offical. 0 or something like that), if you try to use the latest version it won't work using tf-models-official, you'd need tf-models-nightly Jan 11, 2023 · 一、采用git bash来安装,确认已经安装了git 二、手动找到TensorFlow的模块文件夹地址,若不知道,输入以下两行代码: import tensorflow as tf tf. 1 Using cached tf_models_official-2. 1. metadata (20 kB Aug 28, 2023 · Hi, I am running on a windows machine and need to install tf-models-official (version 2. ztbotddeydliblcmhfvpmudkygpcmnxoobcnxcdrlynxcmbkfnnokymyfnsqccqafexkpzndrgcmp