Attributeerror collections ordereddict object has no attribute graph. The classifier is a binary classifier.


pth’, map_location=torch. OrderedDict’ object has no attribute That's odd, I get a dataframe object (not Ordered dict) with pd. Jul 11, 2022 · Found this page on their github repo:. cudnn as cudnn;print(cudnn. Here are the codes I am using ( Collected from this forum) : import numpy as np import torch import Jan 17, 2022 · My Models related with foreign key: class Speaker(models. Module): """ LSTM for audio classification """ def __init__( self, input_size: int, hidden_size: int, dropout: float, num_layer: int, output_size: int, batch: bool = True, bidirectional: bool = True, RNN_TYPE: str = "LSTM", ) -> None: """ :param input_size: The number of expected features in the input x :param hidden_size:The number of features in AttributeError: 'GradCAM' object has no attribute 'activations_and_grads' The text was updated successfully, but these errors were encountered: 👍 2 zhoufengfan and TomseYang666 reacted with thumbs up emoji Jun 21, 2020 · Hi there Cannot use the following code from torch. checkpoint, ‘model_{}. Jul 3, 2019 · Here’s the full model: class AudioLSTM(nn. In particular, they fail when I t Mar 28, 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 Oct 19, 2020 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. This object does not have a method set_glove_path. I tried a lot of things but just Jan 4, 2024 · 🐛 Describe the bug Suddenly, some of my package's tests fail on GitHub Actions, but only with Python version 3. May 26, 2018 · @AlexanderShekhovtsov Unfortunately, overriding the base class getattr method will not do it. Dec 4, 2018 · @app. 04 Python version: 3. e. nodes[node_name] syntax. Jun 3, 2020 · AttributeError: ‘EasyDict’ object has no attribute ‘seek’ During handling of the above exception, another exception occurred: Traceback (most recent call last): Dec 8, 2020 · I am using Ubuntu 18 and Tensorflow 2. Graph() has no node attribute but I don't know what sh Feb 1, 2021 · You seem to be doing table = OrderedDict(data), which will create said object for only the key 'Parameters'. onnx` to export the onnx yourself instead of using this pth. version())" 1. pt file. as_default(): for round_num in range(1, NUM_ROUNDS): state, metrics = iterative_process. OrderedDict'. lost_buffers. then it fails on this line: estimator_model = keras. format(task_id))) I am able to load the model successfully with no issues in my app. There are two main approaches for serializing and restoring a model. This approach is correct in case when one has the whole model stored, not the parameters only, and wants to load it. I used the GitHub search to find a similar question and didn't find it. Oct 7, 2022 · Attribute Error: 'method' object has no attribute '_from_serialized' This is code that I have copied and seen work. 5, ONNX 1. You switched accounts on another tab or window. 7. The only thing I can think of is the sheet_name argument in read_excel. The classifier is a binary classifier. OrderedDict' object has no attribute 'iloc' May 16, 2018 · 標準ライブラリのcollectionsモジュールに順番が保持された辞書としてOrderedDictが用意されている。こちらを使っておけば安心。 8. , dict. e. Aug 8, 2018 · torch. 5 Source framework with version (like Tensorflow 1. Dec 21, 2015 · I have a small problem with list. The dict attribute, i. Python internally uses this attribute to store writable instance attributes. to (device), for information. load(‘Paramecium. Apr 8, 2021 · Code snippet where I feel would have some problems def _handle_expiration (self): # Called by a timer so that we can remove old items. When I try adding nodes to a new graph from it, I get the following error: AttributeError: module 'networkx' has no attribute 'add_nodes_from' Here is a sample code: Dec 1, 2020 · Hello @Zhang-Chao-China, thank you for your interest in 🚀 YOLOv3!Please visit our ⭐️ Tutorials to get started, where you can find quickstart guides for simple tasks like Custom Data Training all the way to advanced concepts like Hyperparameter Evolution. OrderedDict’ object has no attribute ‘load_state_dict’”. ForeignKey(User, on_delete=models. load('save_path/model') 1. You can see that type(df) will be a <class 'dict'> which contains the value something like this: Nov 16, 2015 · The whole code in the document will be: graph = {'A': ['B', 'C'], 'B': ['C', 'D'], 'C': ['D'], 'D': ['C'], 'E': ['F'], 'F': ['C']} def find_path(graph, start, end Feb 21, 2022 · 作者你好!我在跑TransMatcher的时候遇到了一些问题。 由于我不能连上github,我去IBNnet的仓库找到了resnet50_ibn_b的模型下载地址。我用torch. estimator. OrderedDict’ object has no attribute ‘eval’"。这个错误通常是因为你的代码中使用了一个名为"main"的 The billing_details portion works because that relation is a OneToOneField. OrderedDict' object has no attribute 'iteritems' I have changed the iteritems() to items() in your code as below: for tname, t in graph. For example, the following should work if node 0 is a node in G: Dec 21, 2022 · You signed in with another tab or window. pth provided by torchvision net = torch. vgg = models. 我猜把 Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. OrderedDict( AttributeError: 'module' object has no attribute 'OrderedDict' The text was updated successfully, but these errors were encountered: Sep 5, 2021 · Hi all, I am trying to save the model in PyTorch by using the below code: model=utils. load() returned a state_dict, which would create the issue, if you are trying to call to() on the OrderedDict. The model is been saved in to a pth file. __dict__ AttributeError: 'dict' object has no attribute '__dict__'. The following is my test_model. billing_details gives you a BillingDetails model instance to work with. model = torch. read_excel. Aug 5, 2016 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. OrderedDict’ object has no attribute ‘to’. 6 version. 但实际上它保存的不是模型文件,而是参数文件文件。 在模型文件中,存储完整的模型,而在状态文件中,仅存储参数。 因此,collections. torch. 这个错误的原因就是说你这个collecttions的类对象没有eval这个属性。 绝大部分原因是因为使用了下面语句来保存模型。 torch. There are reasons for this protocol to be built this way, namely when using a single property with its own dict of instances for a whole cl Feb 27, 2019 · I have a dictionary with author name strings as indexes and the number of publications as the associated value. Dec 10, 2018 · Because parameter sheet_name=None in read_excel:. Feb 7, 2011 · Collections Enterprise AttributeError: 'collections. OrderedDict' object has no attribute 'eval' 0 ResNeSt problem:load_state_dict_from_url() got an unexpected keyword argument 'check_hash' May 14, 2021 · You signed in with another tab or window. The method really need not to be defined for the getattr protocol to change. OrderedDict’ object has no attribute ‘load_state_dict’ Aug 13, 2022 · model seems to be the state_dict and not an nn. . But the file you read contains an OrderedDict from the collections package. load_state_dict(torch. Sep 15, 2021 · This line of code loads a state_dict not a model object:. Create the model object before and load the state_dict afterwards:. Anyone know 1. OrderedDict' object has no attribute 'dls' No branches or pull requests. 1 with GPU): 1. Recommended approach for saving a model. Aug 22, 2022 · AttributeError: 'collections. OrderedDict'对象没有属性'eval' 在本文中,我们将介绍Pytorch中的AttributeError异常以及如何解决其中的一个常见问题:'collections. pt格式了,实在不知道咋整。 Apr 21, 2021 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. __dict__ attribute on the ordered dictionary letters. load(model_path)) Mar 17, 2021 · The source of your problem is simply you are loading your model as a dict, instead of nn. Dec 27, 2021 · I meet the same problem today when using the Deeplab. OrderedDict' object has no attribute 'train' 大佬,这个问题怎么解决啊 #3 Open lizexu123 opened this issue Sep 10, 2022 · 3 comments Oct 26, 2023 · AttributeError: module 'tensorflow' has no attribute 'get_default_graph' in tensorflow 0 AttributeError: 'collections. path. to(‘cuda:0’) … is working but resnet32. model. You assign values to a dict using its key like this : user['areas'] = temp. I have the following Python code: from __future__ import print_function import warnings import matplotlib. Traceback (most recent call last): File "<stdin>", line 1, in <module> AttributeError: 'module' object has no attribute 'OrderedDict' I read some of the similar problems reported on the forum. 原因. export(model, dummy_input, “fromTorch. from fastbook import * it works. One such change is in the attributes of the dictionary class. Module bloat adopted from here: model[k] = v. It seems that the nx. items works too, though this will give back a list of items, whereas dict. That's treated like a simple attribute in most cases, so instance. 4 import torch from PIL impor&hellip; Feb 8, 2022 · Given the restrained context, I suspect that the problem resides in model, probably containing an OrderedDict of the EfficientNet model state dict, while the EARUnet expects the EfficientNet nn. get_model(self. callback (Output(‘tab_data’, ‘children’), [Input(‘config_list’, ‘value’), Input(‘sheet_names’, ‘value’)]) def display_tab_data(config Oct 23, 2019 · I have bellow python code to build knn graph but I have an error: AttributeError: 'Graph' object has no attribute 'node'. state_dict(),model_path) 1. OrderedDict’ object has no attribute ‘eval’"。这个错误通常是因为你的代码中使用了一个名为"main"的 Sep 17, 2017 · For your specific case, you need to set the state_dict of your model with the parameters that were saved, see here for one example. Jul 26, 2023 · AttributeError: 'collections. OrderedDict’ object has no attribute ‘to’ resnet50 Dec 31, 2018 · AttributeError: 'collections. 0. collections OrderedDict — コンテナデータ型 — Python 3. OrderedDict have a different design : 'dict' object has no attribute AttributeError: 'dict' object has no Aug 13, 2018 · You cannot directly plot a dictionary in matplotlib. Here are the things I did to resolve it: Make sure that there is no other files in my project named tensorflow. May 10, 2023 · AttributeError: 'collections. value_counts(). 6. I want to separate my list l by Mar 9, 2023 · I want to my pretrained resnet32. It throws the ‘collections. Asking for help, clarification, or responding to other answers. If you select None it is going to get the data in the cells you specify in all the sheets in the workbook (perhaps this is why the output is Ordered Dict as mentioned by j. py; re-install tensorflow with --no-cache-dir argument pip --no-cache-dir install tensorflow and removed pip cache files. 10), and only on Linux (not on Mac OS M1). OrderedDict' object has no attribute 'model_id'. OrderedDict' object has no attribute 'float' 请问是model 需要再转换一下格式么? 但是我看它已经是. This is a very odd behavior in that something is done to the cnn_learner class or the module that contains it making it have the fine_tune method if the above import is done. It seems that it has something to do with the compatibility of my tensorflow version and python version. The first (recommended) saves and loads only the model parameters: May 6, 2022 · Can't figure out "AttributeError: 'NoneType' object has no attribute 'to_excel'" 2 Pandas dataframe to excel: AttributeError: 'list' object has no attribute 'to_excel' Oct 21, 2019 · AttributeError: 'collections. You should do this renaming in your code as well. Nov 9, 2023 · このコードを実行すると、AttributeError: 'MyClass' object has no attribute 'non_existent_attribute'というエラーメッセージが表示されます。 これは、MyClassのインスタンスobjにnon_existent_attributeという属性が存在しないためです。 属性の有無を確認する方法 Dec 3, 2020 · AttributeError: 'Learner' object has no attribute 'fine_tune' However, when I then go and do. device(‘cpu’)) torch. join(self. OrderedDict' object has no attribute 'named_children' reinforcement-learning Lu_Zou (Lu Zou) May 10, 2023, 6:03am Mar 16, 2022 · AttributeError: 'collections. py examples/tutorial. Module. Apr 8, 2017 · Python - AttributeError: 'numpy. Jul 18, 2022 · Search before asking I have searched the YOLOv5 issues and discussions and found no similar questions. Aug 5, 2022 · AttributeError: 'collections. _C. Also, we use github issues for bugs and feature requests. iteritems was renamed to dict. items(): but it shows that AttributeError: 'collections. save({#‘model_state_dict’: model, #added new ‘model_state_dict’: model. Jul 17, 2020 · When you use the sheet_name=None, you'll get a dict object not a Series or DataFrameobject. Provide details and share your research! But avoid …. Your code would only work IF user[areas] was already a list. Also check specifying sheets. load function only loads the data that is stored in a file, it can be anything, and not specifically a model. pth’. Trying to fix that, I eventually and accidentally removed model_id from view - it doesn't display in DRF's forms. The key thing to note is that there is no only class attributes, so variables and methods are both just attributes of the class. pth that i trained by me isn’t working net = torch. OrderedDict' object has no attribute 'eval' This problem raise because you're loading a Python dictionary and using it as a Pytorch Module. g: python3 proxima. py works with any YOLOv5 model. load(‘resnet50. Error: AttributeError: 'SRCNNTrainer' object has no attribute 'cuda' Can you tell me how to resolve it? Jan 4, 2021 · AttributeError: 'collections. I'm trying to convert Keras code to Onnx. I searched the LangChain documentation with the integrated search. iteritems() was to use less memory space by yielding one result at a time while looping. export. OrderedDict只是模型的值。 解决方案. OrderedDict' object has no attribute 'size' 1 pytorch_geometric 'GlobalStorage' object has no attribute 'edge_indexes' Apr 20, 2023 · AttributeError: ‘collections. I just had to iterate over the names of the spines names: Jan 19, 2023 · object has no attribute 'eval' object has no attribute 'parameters' object has no attribute 'value_counts' but none for object has no attribute 'modules' This is my first time trying to convert something to onnx, so I don't know why it isn't working. you are accepting just 1 return value, and therefore the method is returning both values as a single tuple. Jul 28, 2020 · with summary_writer. I think you are not loading the proper . empty = [] for k,v in self. Thus, also the sample function does not work: AttributeError: 'collections. tensor_registry. By the way, it does not work in either of the IDEs. OrderedDict‘ object has no attribute ‘eval‘"、"‘collections. Sep 19, 2019 · I was trying to load a pkl GAN generator, so I did as you said and it works! I also changed net. Sep 9, 2022 · AttributeError: 'collections. Sep 19, 2019 · The following is my test_model. Usually pytorch models are saved as a state dict, being a dictionary where keys are the layer names and values are tensors of weights. OrderedDict’ object has no attribute ‘sigmoid’ AttributeError: ‘collections. next(state, federated_train_data) # for name, value in Jun 3, 2020 · Yeah thats what i wrote in my answer about 10 mins ago. randn(1, 3, 256, 256)) model = torch. If possible, try using `torch. pth") model. save(model. OrderedDict' object has no attribute 'predict' Jul 21, 2022 · While @Libra's answer is correct, it's also possible to access a specific node via G. pkl file. Question Hi!When exported onnx model by using export. Here is an another approach you can employ without converting to nn. items() Oct 29, 2021 · Reason Behind: ‘dict’ object has no attribute ‘iteritems’ Many changes are done from Python 2 to Python 3. Saved the model as . model_to_estimator(keras_model=kerasModel()) error: AttributeError: 'Sequential' object has no attribute '_is_graph_network' I am using tensorflow 1. Key points are: Keras is included in the TensorFlow 2. 8 Actuaally , I use docker providing by I can successfully run the restnet18 and restnet34 downloaded&hellip; Jul 7, 2020 · Given a 3D data ,I want to visualise a grid SOM graph while the data is shown on 3D plane but I get the following error: AttributeError: 'LineCollection' object has no attribute 'do_3d_projection' and just a white screen will open up without any graph or 3d plane Sep 17, 2021 · AttributeError: 'collections. version); import torch. I have the same problem. 11 (not 3. pth to resnet32. Aug 29, 2020 · AttributeError: 'collections. items in Python 3) gives back a generator, enabling low-memory looping over the items. PyTorchFileReader' object has no attribute'seek' During handling of the above exception, another exception Jul 12, 2024 · Checked other resources I added a very descriptive title to this issue. #保存时 . OrderedDict' object has no attribute 'cuda' The text was updated successfully, but these errors were encountered: All reactions Feb 8, 2022 · your model must be returning a dictionary that you need to use part of it maybe, I dont know the model so I can not speculate about the return of it, could you print output. 适用下面的语句来保存模型. Jun 2, 2018 · Python is searching the orderedDict object for an attribute called ‘audioStim’, but this attribute does not exist. OrderedDict' object has no attribute 'pk' These are the codes I use. Apr 5, 2020 · AttributeError: module 'graph_tool. 3. Model): speaker = models. Please double check how you get the pth file. 5 ドキュメント; collectionsモジュールをインポートする。 I will post my desperate solution, only for the record, and if it might help somebody. The proper way of restoring the model is to initialize the model and load the state_dict afterwards: Jan 14, 2019 · I experienced the same issue. Apr 4, 2023 · Thank you, I found out that my pytorch was not installed completely for some reason, and it can be used after I reinstall it. items. OrderedDict'对象没有属性'eval'。 阅读更多:Pytorch 教程 异常介绍 Pytorch是一个开源的深度学习框架,提供了 Dec 26, 2023 · Attribute Expected Actual; iteritems: Method: AttributeError: Reason: The iteritems() method is not defined for dictionaries. OrderedDict' object has no attribute 'training' Do you know how to solve it ? The text was updated successfully, but these errors were encountered: Jun 21, 2021 · @huyhoangle86 👋 hi, thanks for letting us know about this problem with YOLOv5 🚀. 4. vgg16_bn(pretrained=True Jun 21, 2021 · You signed in with another tab or window. OrderedDict' object has no attribute 'parameters'. In the first example, you access the . model) torch. AttributeError: 'tuple' object has no attribute 'graph' 问题应该是Simplifying的时候出错了,应该怎么解决呢? The text was updated successfully, but these errors were encountered: You signed in with another tab or window. The value of that, i. to (device) to model. Oct 12, 2022 · tf2onnx. Jan 24, 2019 · Most likely torch. OrderedDict' object has no attribute 'save' also i think you are mixing up serialization (jit) with saving (state_dict) All reactions The purpose of . pth’) net = net. autograd import Variable import torch. , the inner dictionary, will remain a normal dict , which doesn't support move_to_end() . OrderedDict' object has no attribute 'sample' I have already tried to uninstall and reinstall pandas but it does not help. load(model_path) which is why the following call fails: model. CASCADE) class Course(models. OrderedDict' object has no attribute 'iterkeys' I found out that iterkeys is not supported in Python3. I am not sure why Python 3 version does not support iteritems()though it's been proved to be efficient than . load(path)) I am importing keras as follows from tensorflow import keras from keras. In Python 2, dict. I think the main reason is that the output from deeplab is 'class collections. onnx”) to convert the pth to onnx. Though @axe319 answer can hardly be trumped. iteritems(): dpid,ip = . Jun 23, 2023 · torch. (1)TypeError: cannot concatenate object of type '<class 'collections. to(‘cuda:0’) … AttributeError: ‘collections. You signed in with another tab or window. backends. 0 python version 3. The article below cleared this up for me. How to convert this line, in order to be compatible with Python3? Keras integrated into TensorFlow 2. save(model,'save_path') #加载时 . Then simply use worksheet_name as a key to access specific worksheet as a dataframe and save only required worksheet as csv file by using df. In ur case , u could do like this: Dec 7, 2020 · This occurs when I try to run any code from a Proxima code. OrderedDict’ object has no attribute ‘to’"或者"时候会报错 ‘collections. Python will access your key value pairs using square brackets, and this appears to have been fixed in the recent releases of PsychoPy. Reload to refresh your session. I am not sure in this case what was the original object that was saved. wts for quantization resnet50. So i have a list called l: l = ['Facebook;Google+;MySpace', 'Apple;Android'] And as you can see I have only 2 strings in my list. py, I wanted to add some dictionary key-v Dec 7, 2021 · AttributeError: 'collections. models import Sequential model = Sequential() etc. load() just returns the object that was saved. It needs x values and y values. to(device) Now, you have an ordered dict with the items at correct place. 0 package Mar 10, 2021 · AttributeError: 'collections. Pytorch AttributeError: 'collections. But I am not sure why I still have the same problem as I am using 2. As I understand it, the classifier of the pre-trained model is simply replaced here with a classifier with random weights. OrderedDict' object has no attribute 'float' Process finished with exit code 1 The text was updated successfully, but these errors were encountered: Mar 1, 2024 · You signed in with another tab or window. convert. OrderedDict' object has no attribute 'half' The text was updated successfully, but these errors were encountered: All reactions OrderedDict' object has no attribute 'main'"而不是"collections. Aug 2, 2020 · Plotly AttributeError: 'Figure' object has no attribute 'show' 2 How to fix this : AttributeError: module 'plotly' has no attribute 'graph_objs' 1 Sep 28, 2020 · AttributeError: ‘GoogLeNetOutputs’ object has no attribute ‘log_softmax’ 2020-09-28 22-20-19 的螢幕擷圖 964×965 144 KB How can I solve its problem? Apr 20, 2018 · The author has got the OrderedDict structure. 2. 2 participants Feb 20, 2013 · ROLE_PERMISSIONS = collections. You signed out in another tab or window. 更多Ai资讯:公主号AiCharm. 2. onnx. AiCharm. 3. 5. OrderedDict'>'; only Series and DataFrame objs are valid (2) 0 AttributeError: 'collections. crater, not dataframe as Feb 2, 2021 · I am trying to deploy PyTorch classifier on webcam, but always getting errors, mostly “AttributeError: ‘collections. Then it gets really hard to determine the architecture. load_state_dict(loaded_model[‘state_dict’]) > AttributeError: ‘collections. And a dict object does not have the method . load(PATH)) which will call the method again with the state_dict instead of the PATH. . to_csv(). 4. you can guess the architecture by seeing the parameters size, but guessing the correct architecture is really difficult even after looking at the size since residual networks will have same sized parameters as non-residual ones. Model): author Mar 18, 2021 · I think the issue here is that your pth only has the weight without the network structrure. ndarray' object has no attribute 'to' Load 7 more related questions Show fewer related questions 0 Aug 30, 2021 · The model returns an OrderedDict with two Tensors that are of the same height and width as the input Tensor, but with 21 classes. You can modify the code to fix it: model = resnet101(weights=None) model_path = Path("PATH/resnet101. Jan 4, 2021 · You signed in with another tab or window. load_state_dict(tr. 7 Aug 7, 2023 · AttributeError: 'collections. 7, and Keras 2. Pytorch version is 1. OrderedDict' object has no attribute 'to' ~/super-resolution$ python3 -c "import torch;print(torch. 0 7401. Hope for your support to resolve the issue. OrderedDict’ object has no attribute ‘view’ I assume that I loaded the model incorrectly. sheet_name: string, int, mixed list of strings/ints, or None, default 0 None-> All sheets as a dictionary of DataFrames. load()来载入模型后,却发生了另一个问题: AttributeError: 'collections. OrderedDict' object has no attribute 'to_excel' Hot Network Questions Number of leaves in complete binary tree Jun 16, 2021 · Collections Enterprise AttributeError:'torch. iteritems() has been removed and a new method has been added to achieve the same result. load(‘resnet32. Jun 3, 2020 · You have a recursion in your code, as you are overriding PyTorch’s load_state_dict method and are calling it inside via:. If you need it to be a list, construct the list first, THEN assign that list to the key. state_dict(), }, os. When executing it, there exist AttributeError: ‘collections. May 13, 2020 · So, both fields were visible, but POST requests ended in the AttributeError: 'collections. draw' has no attribute 'draw_hierarchy' is returned when running my code, which is not true 28 AttributeError: 'Graph' object has no attribute 'node' Jun 13, 2019 · You signed in with another tab or window. OrderedDict' object has no attribute 'main'"而不是"collections. model = MyModel() # create model object model. py. iteritems(): ----> for tname, t in graph. We've created a few short guidelines below to help users provide what we need in order to get started investigating a possible problem. Module object. When I try to add an url attribute to my model I get this error: AttributeError: 'collections. First read your excel spreadsheet into pandas, below code will import your excel spreadsheet into pandas as a OrderedDict type which contain all of your worksheet as dataframes. OrderedDict' object has no attribute 'modules'. from_keras returns 2 values. so cannot have the same name Jul 15, 2017 · In Python 3, dict. pox Mar 4, 2019 · Platform: ubuntu 16. – pdaawr Apr 20, 2023 · AttributeError: ‘collections. The attribute ‘iteritems’ does not exist on the object ‘dict’. iteritems in Python 2 (and dict. onnx import torch dummy_input = Variable(torch. output['out'] contains the semantic masks, and output['aux'] contains the auxillary loss values per-pixel. File "<input>", line 1, in <module> letters1. pyplot as plt import nu Nov 22, 2016 · 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 However, my data variable is now of type 'OrderedDict' instead of a 'DataFrame'. My second Apr 16, 2018 · Hi, I am new to Pytorch and I am trying to extract features from pretrained models and dump into pickle, but ran into an Error. I'm trying to convert the pt files in point_e_model_cache folder to ONNX, but it keeps returning this error: AttributeError: 'collections. keys() and send it here? It is still my goal to have collections. di xm ge bd oi pj wa nu dn al