Deployment Platform: Render ✅

I am getting the following error while trying to run my model on render. “ReLU object has no attribute threshold”. Can anyone please help me solve it?

(I cannot figure out where is the problem, and how should I solve it)

Probably you build your network on a newer version of fastai that requires a newer version of PyTorch. Change the PyTorch version in the requirement list for the new 1.1.0 version and that probably solve your problem.

By the way, you can get solutions faster if you use the search engine to find if your problem has been asking before in the forums.

Try it, put your problem

“ReLU object has no attribute threshold”

in the searcher and you will find at least one post of this problem with a working solution.

Good luck

1 Like

Hi @anurag

First of all thank you very much for creating this wonderful platform.

I just recently finished an image regression task (age prediction based on an image). Considering the classes here are float items, what do I need to put in classes while using Render.

Thanks
Abhik

Hey @anurag

Just had my first taste of Render, and it is quite amazing and simple to use. Thanks for building such an intuitive service.

I have a question regarding the pricing. Currently, I have the starter FastAI Bears model up and running. While I chose the basic $5 plan, no billing information was required. When will I be charged for this?

2 Likes

Thank you very much. That solved my issue. And also thanks for the hack about finding solutions faster in the forum:)

Yes; users can test things without adding a credit card, but all usage is billed eventually. You can view your billing details and add a card at https://dashboard.render.com/billing.

1 Like

Hello, I tried to deploy Jeremy’s model from repo without any changes.

The deployment process went fine, but when I tried to test the app in browser I get the following error: Internal Server Error.

The corresponding entry in log was:

May 24 07:20:05 AM  ERROR: Exception in ASGI application
May 24 07:20:05 AM  Traceback (most recent call last):
  File "/usr/local/lib/python3.7/site-packages/uvicorn/protocols/http/httptools_impl.py", line 378, in run_asgi
    asgi = app(self.scope)
TypeError: __call__() missing 2 required positional arguments: 'receive' and 'send'
May 24 07:20:05 AM  INFO: ('10.104.10.233', 55270) - "GET / HTTP/1.1" 500

Has anyone had similar issue?

Yes, a few people have reported this issue today. My guess is one of the libraries in requirements.txt was upgraded to a backwards incompatible version. I’ll post here if/when a fix is available.

1 Like

I beleive you are right, I found this thread on github: https://github.com/kennethreitz/responder/issues/337

I’ll try to resolve it by myself later - will notify you if I succeed)

Thanks!

Hi guys. @anurag’s intuition was correct. I just added the versions that are installed on my local system (on which the app was working properly ) into the requirements file, as such:

numpy==1.15.4
torchvision==0.2.1
https://download.pytorch.org/whl/cpu/torch-1.0.1.post2-cp37-cp37m-linux_x86_64.whl
fastai==1.0.51
starlette==0.11.4
uvicorn==0.3.32
python-multipart
aiofiles==0.4.0
aiohttp==3.5.4

And it worked!
Hopefully it works for you too :slight_smile:

6 Likes

Hi, Had similar issue.Changing the requirements file worked for me.
However. after uploading the image it is stuck at analyzing.

Any idea what could have gone wrong?

1 Like

What does it say in your console?

Thanks to your post I managed to deploy and run bear classificator - thanks a lot!)
However, there was a following error in the console during deployment:

May 24 03:29:12 PM  INFO: Started server process [1]
May 24 03:29:12 PM  INFO: Waiting for application startup.
May 24 03:29:12 PM  INFO: Uvicorn running on http://0.0.0.0:5042 (Press CTRL+C to quit)
May 24 03:30:36 PM  ModuleNotFoundError: No module named 'numpy.core._multiarray_umath'
May 24 03:30:36 PM  ModuleNotFoundError: No module named 'numpy.core._multiarray_umath'
May 24 03:30:36 PM  ModuleNotFoundError: No module named 'numpy.core._multiarray_umath'
May 24 03:30:36 PM  ModuleNotFoundError: No module named 'numpy.core._multiarray_umath'

I came for the deep learning, but I stay for the software engineering tips! Like Render, which is just fantastic. I’ve now moved three apps from Heroku and the process has been a pleasure. Especially the customer support on Slack which is next level. Highly recommended.

3 Likes

Hello! I stuck with the similar problem. I also have an error messages in log sections at render.com related to Relu activation function (sorry, but I didn’t save the exact text). What is important - that the error was due to the fact that bears model was made using PyTorch v1.0.1 and my model was trained using PyTorch v1.1.0.

here is how I managed to resolve it:

  1. Check what versions of libraries and packages you are using with following command in your Jupyter Notebook:

! pip list

  1. Update requirements.txt in the repo with this information. In my case requirements.txt looks like:

numpy==1.16.3
torchvision==0.2.2
https://download.pytorch.org/whl/cpu/torch-1.1.0-cp37-cp37m-linux_x86_64.whl
fastai==1.0.52
starlette==0.11.4
uvicorn==0.3.32
python-multipart
aiofiles==0.4.0
aiohttp==3.5.4

After these changes everything works fine for me.
Good luck!

8 Likes

Hi. Yes i had similar relu activation issue.
Did what u suggested. However the issue persists , ‘analyzing’ and this is what it give on the log.

Could you show following:

  1. On your local machine ! pip list in jupyter notebook

  2. Requirements.txt from github repo which you use for deployment

Here is my pip list

Package Version


absl-py 0.7.1
alabaster 0.7.12
albumentations 0.1.12
altair 3.0.1
astor 0.8.0
astropy 3.0.5
atari-py 0.1.7
atomicwrites 1.3.0
attrs 19.1.0
audioread 2.1.7
autograd 1.2
Babel 2.6.0
backcall 0.1.0
backports.tempfile 1.0
backports.weakref 1.0.post1
beautifulsoup4 4.6.3
bleach 3.1.0
bokeh 1.0.4
boto 2.49.0
boto3 1.9.153
botocore 1.12.153
Bottleneck 1.2.1
branca 0.3.1
bs4 0.0.1
bz2file 0.98
cachetools 3.1.0
certifi 2019.3.9
cffi 1.12.3
chainer 5.4.0
chardet 3.0.4
Click 7.0
cloudpickle 0.6.1
cmake 3.12.0
colorlover 0.3.0
community 1.0.0b1
contextlib2 0.5.5
convertdate 2.1.3
coverage 3.7.1
coveralls 0.5
crcmod 1.7
cufflinks 0.14.6
cvxopt 1.2.3
cvxpy 1.0.15
cycler 0.10.0
cymem 2.0.2
Cython 0.29.7
cytoolz 0.9.0.1
daft 0.0.4
dask 1.1.5
dataclasses 0.6
datascience 0.10.6
decorator 4.4.0
defusedxml 0.6.0
dill 0.2.9
distributed 1.25.3
Django 2.2.1
dlib 19.16.0
dm-sonnet 1.32
docopt 0.6.2
docutils 0.14
dopamine-rl 1.0.5
easydict 1.9
ecos 2.0.7.post1
editdistance 0.5.3
en-core-web-sm 2.0.0
entrypoints 0.3
enum34 1.1.6
ephem 3.7.6.0
et-xmlfile 1.0.1
fa2 0.3.5
fancyimpute 0.4.3
fastai 1.0.52
fastcache 1.1.0
fastdtw 0.3.2
fastprogress 0.1.21
fastrlock 0.4
fbprophet 0.5
featuretools 0.4.1
filelock 3.0.12
fix-yahoo-finance 0.0.22
Flask 1.0.3
folium 0.8.3
future 0.16.0
gast 0.2.2
GDAL 2.2.2
gdown 3.6.4
gensim 3.6.0
geographiclib 1.49
geopy 1.17.0
gevent 1.4.0
gin-config 0.1.4
glob2 0.6
google 2.0.2
google-api-core 1.11.0
google-api-python-client 1.6.7
google-auth 1.4.2
google-auth-httplib2 0.0.3
google-auth-oauthlib 0.3.0
google-cloud-bigquery 1.8.1
google-cloud-core 0.29.1
google-cloud-language 1.0.2
google-cloud-storage 1.13.2
google-cloud-translate 1.3.3
google-colab 1.0.0
google-resumable-media 0.3.2
googleapis-common-protos 1.5.10
googledrivedownloader 0.4
graph-nets 1.0.4
graphviz 0.10.1
greenlet 0.4.15
grpcio 1.15.0
gspread 3.0.1
gspread-dataframe 3.0.2
gunicorn 19.9.0
gym 0.10.11
h5py 2.8.0
HeapDict 1.0.0
holidays 0.9.10
html5lib 1.0.1
httpimport 0.5.16
httplib2 0.11.3
humanize 0.5.1
hyperopt 0.1.2
ideep4py 2.0.0.post3
idna 2.8
image 1.5.27
imageio 2.4.1
imagesize 1.1.0
imbalanced-learn 0.4.3
imblearn 0.0
imgaug 0.2.9
imutils 0.5.2
inflect 2.1.0
intel-openmp 2019.0
intervaltree 2.1.0
ipykernel 4.6.1
ipython 5.5.0
ipython-genutils 0.2.0
ipython-sql 0.3.9
ipywidgets 7.4.2
itsdangerous 1.1.0
jdcal 1.4.1
jedi 0.13.3
jieba 0.39
Jinja2 2.10.1
jmespath 0.9.4
joblib 0.12.5
jpeg4py 0.1.4
jsonschema 2.6.0
jupyter 1.0.0
jupyter-client 5.2.4
jupyter-console 6.0.0
jupyter-core 4.4.0
kaggle 1.5.3
kapre 0.1.3.1
Keras 2.2.4
Keras-Applications 1.0.7
Keras-Preprocessing 1.0.9
keras-vis 0.4.1
kiwisolver 1.1.0
knnimpute 0.1.0
librosa 0.6.3
lightgbm 2.2.3
llvmlite 0.28.0
lmdb 0.94
lucid 0.3.8
lunardate 0.2.0
lxml 4.2.6
magenta 0.3.19
Markdown 3.1.1
MarkupSafe 1.1.1
matplotlib 3.0.3
matplotlib-venn 0.11.5
mesh-tensorflow 0.0.5
mido 1.2.6
mir-eval 0.5
missingno 0.4.1
mistune 0.8.4
mkl 2019.0
mlxtend 0.14.0
mock 3.0.5
more-itertools 7.0.0
moviepy 0.2.3.5
mpi4py 3.0.1
mpmath 1.1.0
msgpack 0.5.6
msgpack-numpy 0.4.3.2
multiprocess 0.70.7
multitasking 0.0.8
murmurhash 1.0.2
music21 5.5.0
natsort 5.5.0
nbconvert 5.5.0
nbformat 4.4.0
networkx 2.3
nibabel 2.3.3
nltk 3.2.5
nose 1.3.7
notebook 5.2.2
np-utils 0.5.10.0
numba 0.40.1
numexpr 2.6.9
numpy 1.16.3
nvidia-ml-py3 7.352.0
oauth2client 4.1.3
oauthlib 3.0.1
okgrade 0.4.3
olefile 0.46
opencv-contrib-python 3.4.3.18
opencv-python 3.4.5.20
openpyxl 2.5.9
osqp 0.5.0
packaging 19.0
pandas 0.24.2
pandas-datareader 0.7.0
pandas-gbq 0.4.1
pandas-profiling 1.4.1
pandocfilters 1.4.2
parso 0.4.0
pathlib 1.0.1
patsy 0.5.1
pexpect 4.7.0
pickleshare 0.7.5
Pillow 4.3.0
pip 19.1.1
pip-tools 3.6.1
plac 0.9.6
plotly 3.6.1
pluggy 0.7.1
portpicker 1.2.0
prefetch-generator 1.0.1
preshed 2.0.1
pretty-midi 0.2.8
prettytable 0.7.2
progressbar2 3.38.0
prometheus-client 0.6.0
promise 2.2.1
prompt-toolkit 1.0.16
protobuf 3.7.1
psutil 5.4.8
psycopg2 2.7.6.1
ptyprocess 0.6.0
py 1.8.0
pyasn1 0.4.5
pyasn1-modules 0.2.5
pycocotools 2.0.0
pycparser 2.19
pydot 1.3.0
pydot-ng 2.0.0
pydotplus 2.0.2
pyemd 0.5.1
pyglet 1.3.2
Pygments 2.1.3
pygobject 3.26.1
pymc3 3.6
pymongo 3.8.0
pymystem3 0.2.0
PyOpenGL 3.1.0
pyparsing 2.4.0
pyrsistent 0.15.2
pysndfile 1.3.2
PySocks 1.7.0
pystan 2.19.0.0
pytest 3.6.4
python-apt 1.6.4
python-chess 0.23.11
python-dateutil 2.5.3
python-louvain 0.13
python-rtmidi 1.3.0
python-slugify 3.0.2
python-utils 2.3.0
pytz 2018.9
PyWavelets 1.0.3
PyYAML 3.13
pyzmq 17.0.0
qtconsole 4.4.4
regex 2018.1.10
requests 2.21.0
requests-oauthlib 1.2.0
resampy 0.2.1
retrying 1.3.3
rpy2 2.9.5
rsa 4.0
s3fs 0.2.1
s3transfer 0.2.0
scikit-image 0.15.0
scikit-learn 0.21.1
scipy 1.3.0
screen-resolution-extra 0.0.0
scs 2.1.0
seaborn 0.9.0
semantic-version 2.6.0
Send2Trash 1.5.0
setuptools 41.0.1
setuptools-git 1.2
Shapely 1.6.4.post2
simplegeneric 0.8.1
six 1.12.0
sklearn 0.0
smart-open 1.8.3
snowballstemmer 1.2.1
sortedcontainers 2.1.0
spacy 2.0.18
Sphinx 1.8.5
sphinxcontrib-websupport 1.1.2
SQLAlchemy 1.3.3
sqlparse 0.3.0
stable-baselines 2.2.1
statsmodels 0.9.0
sympy 1.1.1
tables 3.4.4
tabulate 0.8.3
tblib 1.4.0
tensor2tensor 1.11.0
tensorboard 1.13.1
tensorboardcolab 0.0.22
tensorflow 1.13.1
tensorflow-estimator 1.13.0
tensorflow-hub 0.4.0
tensorflow-metadata 0.13.0
tensorflow-probability 0.6.0
termcolor 1.1.0
terminado 0.8.2
testpath 0.4.2
text-unidecode 1.2
textblob 0.15.3
textgenrnn 1.4.1
tfds-nightly 1.0.2.dev201905220105
tflearn 0.3.2
Theano 1.0.4
thinc 6.12.1
toolz 0.9.0
torch 1.1.0
torchsummary 1.5.1
torchtext 0.3.1
torchvision 0.2.2.post3
tornado 4.5.3
tqdm 4.28.1
traitlets 4.3.2
tweepy 3.6.0
typing 3.6.6
tzlocal 1.5.1
ujson 1.35
umap-learn 0.3.8
uritemplate 3.0.0
urllib3 1.24.3
vega-datasets 0.7.0
wcwidth 0.1.7
webencodings 0.5.1
Werkzeug 0.15.4
wheel 0.33.4
widgetsnbextension 3.4.2
wordcloud 1.5.0
wrapt 1.10.11
xarray 0.11.3
xgboost 0.90
xkit 0.0.0
xlrd 1.1.0
xlwt 1.3.0
yellowbrick 0.9.1
zict 0.1.4
zmq 0.0.0

And here is the requirements.txt

As you have used torch 1.1.0 - you need to put this version into your requirements.txt, here is the link:
https://download.pytorch.org/whl/cpu/torch-1.1.0-cp37-cp37m-linux_x86_64.whl

Everything should work after that)

1 Like