From 3b564832fc90d273ac9c57d2219c002628591183 Mon Sep 17 00:00:00 2001 From: Mario Cho Date: Wed, 5 Oct 2022 08:36:36 +0900 Subject: [PATCH 1/4] fixed type --- vendor/ngc-pytorch/requirements.22.05.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/vendor/ngc-pytorch/requirements.22.05.txt b/vendor/ngc-pytorch/requirements.22.05.txt index 1ba5b679b..38505734e 100644 --- a/vendor/ngc-pytorch/requirements.22.05.txt +++ b/vendor/ngc-pytorch/requirements.22.05.txt @@ -261,7 +261,7 @@ sacrebleu==1.3.6 sacred==0.8.1 schema==0.7.1 scikit-image==0.19.0 -cikit-optimize==0.9.0 +scikit-optimize==0.9.0 scikit-plot==0.3.7 scikit-surprise==1.1.1 scooby==0.5.5 From 9a38742a2c16c7104984b281fbd3effb6ab6685a Mon Sep 17 00:00:00 2001 From: Mario Cho Date: Fri, 14 Oct 2022 00:05:59 +0900 Subject: [PATCH 2/4] NGC Tensorflow 22.09, (2.9.1) --- .../ngc-tensorflow/Dockerfile.22.09-tf2-py3 | 255 ++++++++++++++++++ 1 file changed, 255 insertions(+) create mode 100644 vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 diff --git a/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 b/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 new file mode 100644 index 000000000..0982f3e6e --- /dev/null +++ b/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 @@ -0,0 +1,255 @@ +FROM nvcr.io/nvidia/tensorflow:22.09-tf2-py3 +# NVIDIA DIGITS runs on Python 3.8 + +ENV DEBIAN_FRONTEND=noninteractive \ + MPLBACKEND=Svg \ + PIP_IGNORE_INSTALLED=0 \ + PYTHONUNBUFFERED=1 \ + LD_LIBRARY_PATH="/usr/local/cuda/compat/lib:/usr/local/cuda/extras/CUPTI/lib64:/usr/local/cuda/lib:/usr/local/cuda/lib64:/usr/local/nvidia/lib64:/usr/include/x86_64-linux-gnu" \ + PATH="/usr/local/nvm/versions/node/v16.6.1/bin:/usr/local/mpi/bin:/usr/local/nvidia/bin:/usr/local/cuda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/local/ucx/bin:/opt/tensorrt/bin:/usr/local/src/lightgbm/LightGBM:/usr/local/bin/mecab" \ + mecab_dicdir=/usr/local/lib/mecab/dic/mecab-ko-dic \ + CPLUS_INCLUDE_PATH=/usr/include/gdal \ + C_INCLUDE_PATH=/usr/include/gdal \ + LANG=C.UTF-8 + +RUN curl -sL https://deb.nodesource.com/setup_16.x | bash - && \ + ln -s /usr/include/libv4l1-videodev.h /usr/include/linux/videodev.h && \ + apt-get update && \ + apt-get install -y --no-install-recommends \ + automake \ + default-libmysqlclient-dev \ + ffmpeg \ + fonts-nanum \ + fonts-nanum-coding \ + fonts-nanum-extra \ + gfortran \ + gir1.2-gtk-3.0 \ + htop \ + libaio1 \ + libasound2-dev \ + libatlas-base-dev \ + libavformat-dev \ + libavresample-dev \ + libcairo2-dev \ + libdc1394-22-dev \ + libeigen3-dev \ + libfaac-dev \ + libgdal-dev \ + libgflags-dev \ + libgoogle-glog-dev \ + libgirepository1.0-dev \ + libgphoto2-dev \ + libgstreamer-plugins-base1.0-dev \ + libgstreamer1.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libportmidi-dev \ + libprotobuf-dev \ + libsdl-dev \ + libsdl-image1.2-dev \ + libsdl-mixer1.2-dev \ + libsdl-ttf2.0-dev \ + libsm6 \ + libswscale-dev \ + libtbb-dev \ + libtheora-dev \ + libvorbis-dev \ + libx264-dev \ + libxext6 \ + libxrender-dev \ + libxvidcore-dev \ + mercurial \ + libncurses-dev \ + ncurses-term \ + nodejs \ + pdsh \ + protobuf-compiler \ + libsmpeg-dev \ + openjdk-8-jdk \ + python3-gdal \ + v4l-utils \ + x264 + +RUN mkdir -p /opt/oracle && \ + cd /opt/oracle && \ + wget https://download.oracle.com/otn_software/linux/instantclient/instantclient-basiclite-linuxx64.zip && \ + unzip instantclient-basiclite-linuxx64.zip && \ + rm -f instantclient-basiclite-linuxx64.zip && \ + cd /opt/oracle/instantclient* && \ + rm -f *jdbc* *occi* *mysql* *README *jar uidrvci genezi adrci && \ + echo /opt/oracle/instantclient* > /etc/ld.so.conf.d/oracle-instantclient.conf && \ + ldconfig + +RUN update-alternatives --install /usr/bin/python python /usr/bin/python3 2 && \ + python3 -m pip install -U "pip < 22" setuptools wheel + +# install NLP packages *mecab-ko & khai* +WORKDIR /tmp +RUN curl -LO https://bitbucket.org/eunjeon/mecab-ko/downloads/mecab-0.996-ko-0.9.2.tar.gz && \ + tar zxfv mecab-0.996-ko-0.9.2.tar.gz && \ + cd mecab-0.996-ko-0.9.2 && \ + ./configure && \ + make -j$(nproc) && \ + make check && \ + make install && \ + echo "Install mecab-ko-dic" && \ + cd /tmp && \ + ldconfig && \ + curl -LO https://bitbucket.org/eunjeon/mecab-ko-dic/downloads/mecab-ko-dic-2.1.1-20180720.tar.gz && \ + tar -zxvf mecab-ko-dic-2.1.1-20180720.tar.gz && \ + cd mecab-ko-dic-2.1.1-20180720 && \ + ./autogen.sh && \ + ./configure && \ + make -j$(nproc) && \ + sh -c 'echo "dicdir=/usr/local/lib/mecab/dic/mecab-ko-dic" > /usr/local/etc/mecabrc' && \ + make install && \ + cd /tmp && \ + git clone https://bitbucket.org/eunjeon/mecab-python-0.996.git && \ + python3 -m pip install /tmp/mecab-python-0.996 + +# OpenCV +ENV OPENCV_VERSION="4.5.5" +WORKDIR /tmp +RUN wget https://github.com/opencv/opencv/archive/${OPENCV_VERSION}.zip && \ + wget -O opencv-contrib.zip https://github.com/opencv/opencv_contrib/archive/${OPENCV_VERSION}.zip && \ + unzip ${OPENCV_VERSION}.zip && \ + unzip opencv-contrib.zip && \ + mkdir opencv-${OPENCV_VERSION}/cmake_binary && \ + cd opencv-${OPENCV_VERSION}/cmake_binary && \ + cmake \ + -DCMAKE_BUILD_TYPE=RELEASE \ + -D BUILD_TIFF=ON \ + -D BUILD_opencv_java=OFF \ + -D WITH_CUDA=ON \ + -D CUDA_NVCC_FLAGS=--expt-relaxed-constexpr \ + -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda-11.7 \ + -D ENABLE_FAST_MATH=1 \ + -D CUDA_FAST_MATH=1 \ + -D WITH_CUBLAS=1 \ + -D WITH_OPENGL=ON \ + -D WITH_OPENCL=ON \ + -D WITH_IPP=ON \ + -D WITH_TBB=ON \ + -D WITH_EIGEN=ON \ + -D WITH_V4L=ON \ + -D BUILD_TESTS=OFF \ + -D BUILD_PERF_TESTS=OFF \ + -D OPENCV_EXTRA_MODULES_PATH="../../opencv_contrib-4.5.5/modules" \ + -D CMAKE_BUILD_TYPE=RELEASE \ + -D CMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -D PYTHON_EXECUTABLE=$(which python3) \ + -D PYTHON_INCLUDE_DIR=$(python3 -c "from distutils.sysconfig import get_python_inc; print(get_python_inc())") \ + -D PYTHON_PACKAGES_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + .. 2>&1 | tee cmake_messages.txt && \ + make -j$(nproc) && \ + make install && \ + cd /tmp && \ + python3 -m pip install --no-cache-dir opencv-python && \ + rm -fr opencv* + +WORKDIR /tmp +RUN git clone -q --branch=v0.3.20 https://github.com/xianyi/OpenBLAS.git && \ + cd OpenBLAS && \ + make DYNAMIC_ARCH=1 NO_AFFINITY=1 NUM_THREADS=48 FC=gfortran && \ + make install +RUN git clone --recursive https://github.com/bodono/scs-python.git && \ + cd /tmp/scs-python && \ + python setup.py install --scs --gpu + +WORKDIR /tmp +COPY ./requirements.22.09.txt /tmp/requirements.txt +RUN python3 -m pip install --no-cache-dir -r requirements.txt && \ + rm -f /tmp/*.whl /tmp/requirements.txt + +# install bashtop +WORKDIR /tmp +RUN git clone https://github.com/aristocratos/bashtop.git && \ + cd bashtop && \ + make install + +# install git-lfs +WORKDIR /tmp +RUN curl -sLO https://github.com/git-lfs/git-lfs/releases/download/v3.2.0/git-lfs-linux-amd64-v3.2.0.tar.gz && \ + tar -zxf git-lfs-linux-amd64-v3.2.0.tar.gz && \ + cd git-lfs-3.2.0 && \ + bash install.sh && \ + rm -rf /tmp/* + +RUN curl -fL https://github.com/cdr/code-server/releases/download/v4.5.1/code-server-4.5.1-linux-amd64.tar.gz | tar -C /usr/local/lib -xz && \ + mv /usr/local/lib/code-server-4.5.1-linux-amd64 /usr/local/lib/code-server-4.5.1 && \ + ln -s /usr/local/lib/code-server-4.5.1/bin/code-server /usr/local/bin/code-server + +# Install Open MPI +RUN mkdir /tmp/openmpi && \ + cd /tmp/openmpi && \ + wget https://download.open-mpi.org/release/open-mpi/v4.1/openmpi-4.1.4.tar.gz && \ + tar zxf openmpi-4.1.4.tar.gz && \ + cd openmpi-4.1.4 && \ + ./configure --enable-orterun-prefix-by-default && \ + make -j $(nproc) all && \ + make install && \ + ldconfig && \ + rm -rf /tmp/openmpi* +# Create a wrapper for OpenMPI to allow running as root by default +RUN mv /usr/local/bin/mpirun /usr/local/bin/mpirun.real && \ + echo '#!/bin/bash' > /usr/local/bin/mpirun && \ + echo 'mpirun.real --allow-run-as-root "$@"' >> /usr/local/bin/mpirun && \ + chmod a+x /usr/local/bin/mpirun + +# Configure OpenMPI to run good defaults: +RUN echo "btl_tcp_if_exclude = lo,docker0" >> /usr/local/etc/openmpi-mca-params.conf + +RUN python3 -m pip install --no-cache-dir \ + mpi4py==3.1.3 \ + nni==2.8 \ + mlflow==1.27.0 \ + scikit-nni==0.2.1 + +# Install Jupyterlab extensions +RUN jupyter nbextensions_configurator enable && \ + jupyter contrib nbextension install && \ + jupyter nbextension enable --py --sys-prefix widgetsnbextension && \ + jupyter serverextension enable --py jupyterlab --sys-prefix && \ + jupyter labextension install --no-build @jupyter-widgets/jupyterlab-manager && \ + jupyter labextension install --no-build @krassowski/jupyterlab-lsp && \ + jupyter serverextension enable --py jupyter_lsp && \ + jupyter labextension install --no-build @jupyterlab/toc && \ + jupyter nbextension enable execute_time/ExecuteTime && \ + jupyter nbextension enable toc2/main && \ + jupyter labextension install @jupyterlab/toc && \ + jupyter lab build + +RUN apt autoclean && \ + sed -i 's/source \/usr\/local\/nvm\/nvm.sh//' /etc/bash.bashrc && \ + ln -sf /usr/share/terminfo/x/xterm-color /usr/share/terminfo/x/xterm-256color && \ + rm -rf /var/lib/apt/lists/* && \ + rm -rf /root/.cache && \ + rm -rf /tmp/* + +# Install ipython kernelspec +RUN /usr/bin/python3 -m ipykernel install --display-name "Python 3.8 (NGC 22.09 / TensorFlow 2.9.1) on Backend.AI" && \ + cat /usr/local/share/jupyter/kernels/python3/kernel.json + +# Backend.AI specifics +COPY ./service-defs /etc/backend.ai/service-defs +COPY ./runner-scripts/bootstrap.sh runner-scripts/setup_multinode.py /opt/container/ +LABEL ai.backend.kernelspec="1" \ + ai.backend.envs.corecount="OPENBLAS_NUM_THREADS,OMP_NUM_THREADS,NPROC" \ + ai.backend.features="batch query uid-match user-input" \ + ai.backend.base-distro="ubuntu16.04" \ + ai.backend.accelerators="cuda" \ + ai.backend.resource.min.cpu="1" \ + ai.backend.resource.min.mem="1g" \ + ai.backend.resource.min.cuda.device=0 \ + ai.backend.resource.min.cuda.shares=0 \ + ai.backend.base-distro="ubuntu16.04" \ + ai.backend.runtime-type="python" \ + ai.backend.runtime-path="/usr/bin/python" \ + ai.backend.service-ports="ipython:pty:3000,jupyter:http:8091,jupyterlab:http:8090,vscode:http:8180,tensorboard:http:6006,mlflow-ui:preopen:5000,nniboard:preopen:8080" + +WORKDIR /home/work +# vim: ft=dockerfile From dd9b0be7b14f73ac771ee22f73722852942c2b01 Mon Sep 17 00:00:00 2001 From: Mario Cho Date: Fri, 14 Oct 2022 00:07:50 +0900 Subject: [PATCH 3/4] fixed path for cuda --- vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 b/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 index 0982f3e6e..335387266 100644 --- a/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 +++ b/vendor/ngc-tensorflow/Dockerfile.22.09-tf2-py3 @@ -6,7 +6,7 @@ ENV DEBIAN_FRONTEND=noninteractive \ PIP_IGNORE_INSTALLED=0 \ PYTHONUNBUFFERED=1 \ LD_LIBRARY_PATH="/usr/local/cuda/compat/lib:/usr/local/cuda/extras/CUPTI/lib64:/usr/local/cuda/lib:/usr/local/cuda/lib64:/usr/local/nvidia/lib64:/usr/include/x86_64-linux-gnu" \ - PATH="/usr/local/nvm/versions/node/v16.6.1/bin:/usr/local/mpi/bin:/usr/local/nvidia/bin:/usr/local/cuda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/local/ucx/bin:/opt/tensorrt/bin:/usr/local/src/lightgbm/LightGBM:/usr/local/bin/mecab" \ + PATH="/usr/local/nvm/versions/node/v16.15.1/bin:/usr/local/mpi/bin:/usr/local/nvidia/bin:/usr/local/cuda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/local/ucx/bin:/opt/tensorrt/bin:/usr/local/src/lightgbm/LightGBM:/usr/local/bin/mecab" \ mecab_dicdir=/usr/local/lib/mecab/dic/mecab-ko-dic \ CPLUS_INCLUDE_PATH=/usr/include/gdal \ C_INCLUDE_PATH=/usr/include/gdal \ @@ -126,7 +126,7 @@ RUN wget https://github.com/opencv/opencv/archive/${OPENCV_VERSION}.zip && \ -D BUILD_opencv_java=OFF \ -D WITH_CUDA=ON \ -D CUDA_NVCC_FLAGS=--expt-relaxed-constexpr \ - -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda-11.7 \ + -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda-11.8 \ -D ENABLE_FAST_MATH=1 \ -D CUDA_FAST_MATH=1 \ -D WITH_CUBLAS=1 \ From 3685701ff7539e3ddc03d7e9e62bae1a25763f47 Mon Sep 17 00:00:00 2001 From: Mario Cho Date: Fri, 14 Oct 2022 00:08:16 +0900 Subject: [PATCH 4/4] requirements.txt for NGC tensorflow2 22.09 --- vendor/ngc-tensorflow/requirements.22.09.txt | 375 +++++++++++++++++++ 1 file changed, 375 insertions(+) create mode 100644 vendor/ngc-tensorflow/requirements.22.09.txt diff --git a/vendor/ngc-tensorflow/requirements.22.09.txt b/vendor/ngc-tensorflow/requirements.22.09.txt new file mode 100644 index 000000000..57a523e48 --- /dev/null +++ b/vendor/ngc-tensorflow/requirements.22.09.txt @@ -0,0 +1,375 @@ +aiohttp==3.8.0 +aiozmq==0.9.0 +albumentations==1.1.0 +alembic==1.7.5 +ansi2html==1.6.0 +anyio +#apache-airflow[celery,devel,postgres,redis,s3,ssh]==1.10.6 +#apache-beam==2.34.0 +appdirs==1.4.3 +argo-workflows==3.6.1 +astor==0.8.1 +astroid==2.5.6 +astropy==4.2.1 +async-timeout==4.0.0 +atlas==0.27.0 +atomicwrites==1.3.0 +audioread==2.1.8 +autopep8==1.5 +avro-python3==1.9.1 +babel==2.9.1 +bayesian-optimization==1.1.0 +beautifulsoup4==4.6.0 +benepar==0.2.0 +black==19.10b0 +bokeh==2.3.2 +boltons==20.2.1 +boto3==1.17.112 +boto +botocore==1.20.112 +branca==0.4.0 +brotli==1.0.9 +catboost==0.22 +category-encoders==2.0.0 +certipy==0.1.3 +chardet==3.0.4 +click==8.0.2 +click-plugins +cligj==0.7.2 +cloudpickle==2.0.0 +cmake==3.18.4.post1 +cmdstanpy==0.9.5 +colorama==0.4.3 +colored==1.4.2 +colour==0.1.5 +contextlib2==0.5.5 +convertdate==2.3.2 +coverage==4.5.4 +crcmod==1.7 +cryptography==3.0 +cupy==10.2.0 +cvxpy==1.1.15 +cycler==0.10.0 +cython==0.29.21 +dacite==1.6.0 +dash-core-components==1.16.0 +dash-html-components==1.1.3 +dash-renderer==1.9.1 +dash-table==4.11.3 +dash==1.20.0 +dask==2.9.0 +databricks-cli==0.14.3 +dbus-python==1.2.16 +deap==1.3.1 +deepdish==0.3.6 +deepmerge==0.1.0 +deprecation==2.1.0 +descartes==1.1.0 +dill==0.3.4 +distributed==2.11.0 +dm-haiku==0.0.1 +docker==5.0.0 +docopt==0.6.0 +docutils==0.15.2 +dopamine_rl==3.0.1 +dtreeviz==0.8.1 +easyProcess==0.3 +easydict +ecdsa==0.14.1 +ecos==2.0.7.post1 +#elegy==0.8.1 +eliot-tree==21.0.0 +eliot==1.13.0 +enum34==1.1.8 +ephem==3.7.6.0 +escapism==1.0.1 +evdev==1.4.0 +factor-analyzer +fastavro==0.21.4 +fasteners==0.15 +fastrlock==0.5 +featuretools==0.9.1 +filelock==3.0.12 +fiona==1.8.20 +fire==0.4.0 +flake8==3.7.9 +flask-Compress==1.9.0 +flask==1.1.2 +folium==0.10.0 +funcy==1.13 +gast==0.4.0 +gDAL==3.0.4 +gensim==3.8.0 +geopandas==0.5.1 +gin_config==0.3.0 +gitPython==3.1.14 +gitdb==4.0.7 +google-api-core==1.23.0 +google-api-core[grpc]==1.23.0 +google-api-python-client==1.12.8 +google-apitools==0.5.31 +google-auth-httplib2==0.0.3 +google-cloud-bigquery==1.28.0 +google-cloud-bigtable==1.2.1 +google-cloud-core==1.5.0 +google-cloud-datastore==1.15.3 +google-cloud-dlp==1.0.0 +google-cloud-language==1.3.0 +google-cloud-pubsub==1.7.0 +google-cloud-spanner==1.19.1 +google-cloud-videointelligence==1.16.1 +google-cloud-vision==1.0.0 +google-crc32c==1.1.2 +google-images-download==2.8.0 +google-pasta==0.2.0 +google-resumable-media==1.2.0 +google_api_core==1.23.0 +google_api_python_client==1.12.8 +google_auth_httplib2==0.0.3 +gluonnlp +graphviz==0.14 +greenlet==1.0.0 +grpc-google-iam-v1==0.12.3 +grpcio-gcp==0.2.2 +gym==0.21.0 +hdf5storage==0.1.15 +hdfs==2.6.0 +heapDict==1.0.1 +holidays>=0.11.3.1 +httplib2==0.17.4 +hyperopt==0.1.2 +hypothesis==6.24.2 +imageio==2.8.0 +imbalanced-learn==0.5.0 +importlib-metadata~=2.0 +importlib_resources~=1.4 +ipyparallel==6.2.4 +ipywidgets==7.6.3 +iso8601==0.1.14 +isort==4.3.21 +itsdangerous==1.1.0 +jPype1==0.7.2 +jaxlib==0.1.65 +jmespath==0.9.4 +joblib==1.1.0 +Jinja2==2.11.3 +json-tricks==3.14.0 +jsonpickle==1.5.2 +jsonschema==4.0.1 +#jupyterlab-nvdashboard==0.5.0 +jupyter-client==6.1.12 +jupyter-console==6.2.0 +jupyter-contrib-core==0.3.3 +jupyter-contrib-nbextensions==0.5.1 +jupyter-dash==0.4.0 +jupyter-highlight-selected-word==0.2.0 +jupyter-js-widgets-nbextension==0.0.2.dev0 +jupyter-kite==1.2.0 +jupyter-latex-envs==1.4.6 +jupyter-lsp==1.2.0 +jupyter-nbextensions-configurator==0.4.1 +jupyter-packaging==0.9.2 +jupyter-server-mathjax +jupyter-server-proxy==1.6.0 +jupyter-server +jupyter-telemetry==0.1.0 +jupyter==1.0.0 +jupyter_bokeh==2.0.4 +jupyterhub==2.2.2 +jupyterhub-jwtauthenticator==0.1 +jupyterhub-kubespawner==0.16.1 +jupyterhubutils==0.25.0 +jupyterlab-code-formatter==1.4.10 +#jupyterlab-git +#jupyterlab-github==2.0.0 +jupyterlab-hdf==0.5.1 +jupyterlab-launcher==0.13.1 +jupyterlab-lsp==3.6.0 +jupyterlabutils +jupyterthemes==0.20.0 +jupytext==1.13.7 +keras==2.7.0 +Keras-Applications==1.0.8 +keras-models +kiwisolver==1.1.0 +konlpy==0.5.2 +kss==3.3.1.1 +kubernetes==11.0.0 +lazy-object-proxy==1.4.3 +lesscpy==0.14.0 +librosa==0.6.3 +lightgbm==2.3.1 +lime==0.1.1.37 +llvmlite==0.31.0 +lunarCalendar>=0.0.9 +lunardate==0.2.0 +lxml==4.5.0 +mako==1.0.7 +maproxy==0.0.12 +markupsafe==2.0.1 +matplotlib==3.4.3 +mccabe==0.6.1 +meshio==4.4.2 +mimeparse==0.1.3 +mlxtend==0.17.2 +mmcv-full +mmdnn==0.3.1 +mne==0.20.5 +monotonic==1.6 +more-itertools==7.2.0 +msgpack-python==0.5.6 +msgpack==0.6.1 +multidict==4.7.5 +multiprocess==0.70.9 +munch==2.5.0 +mxnet +namedlist==1.7 +nbclassic>=0.2.87 +nbdime==3.0.0 +netifaces==0.10.9 +networkx==2.4 +numba==0.49.0 +numexpr +numexpr==2.7.0 +oauth2client==3.0.0 +oauthenticator==0.13.0 +osqp==0.5.0 +pamela==1.0.0 +pandas==1.3.4 +pandasgui==0.2.7 +path==16.2.0 +pathspec==0.7.0 +patsy==0.5.1 +pbr==5.5.0 +pillow==8.4.0 +#plaidml-keras==0.7.0 +plaidml==0.7.0 +plotly==4.5.3 +pluggy==0.12.0 +ply==3.11 +prettytable==2.1.0 +progressbar==2.5 +prometheus-flask-exporter==0.18.2 +ptyprocess==0.7.0 +pulp==2.5.1 +py-cpuinfo==5.0.0 +py==1.8.2 +pyGObject==3.36.0 +pyLDAvis==2.1.2 +pyOpenSSL==19.1.0 +pyQt5-sip==12.8.1 +pyQt5==5.15.0 +pyQtWebEngine==5.15.2 +pySocks==1.7.1 +pyVirtualDisplay==1.3.2 +pyWavelets==1.1.1 +pyaml==19.12.0 +pyarrow==0.17.0 +pycairo==1.20.1 +pycocotools==2.0.2 +pycodestyle==2.5.0 +pycparser==2.20 +pydocstyle==5.0.2 +pydot==1.4.1 +pydotplus==2.0.2 +pyerfa==1.7.3 +pyflakes==2.1.1 +pygal==2.4.0 +pygame==2.0.1 +pyglet==1.5.0 +pylint==2.8.3 +pyls-black==0.4.4 +pymongo==3.10.1 +pynput==1.7.3 +#pynvml==11.0.0 +pyproj==2.5.0 +pyqt5==5.15.0 +pyshp +pystan==3.3.0 +pytest-cov==2.10.0 +pytest~=6.0 +python-editor==1.0.4 +python-jose==3.2.0 +python-json-logger==2.0.1 +python-jsonrpc-server==0.4.0 +python-language-server[all] +python-lsp-server +python-slugify==4.0.1 +python-speech-features==0.6 +python-xlib==0.29 +pythonWebHDFS==0.2.3 +pythran +pyvista==0.24.3 +pyvo==1.0 +qgrid==1.3.1 +qtPy==1.9.0 +qtconsole==4.7.1 +querystring-parser==1.2.4 +resampy==0.2.1 +responses==0.13.3 +retrying==1.3.3 +rope==0.16.0 +ruamel.yaml.clib==0.2.0 +ruamel.yaml==0.16.10 +s3transfer==0.4.2 +sQLAlchemy==1.3.24 +sacrebleu==1.3.6 +sacred==0.8.1 +schema==0.7.1 +scikit-image>=0.17.2 +scikit-keras +scikit-learn==1.0.1 +scikit-optimize==0.9.0 +scikit-plot==0.3.7 +scikit-surprise==1.1.1 +scooby==0.5.5 +seaborn==0.10.0 +selenium==3.141.0 +semver==2.13.0 +sentencepiece +sentence_transformers==2.1.0 +setuptools-git==1.2 +shapely==1.7.0 +simpervisor==0.4 +simpleaudio==1.0.4 +simplejson==3.17.0 +smart-open==5.2.1 +smmap==4.0.0 +sniffio==1.2.0 +snowballstemmer==2.0.0 +sortedcontainers==2.1.0 +soynlp==0.0.493 +statsmodels==0.11.1 +stopit==1.1.2 +tables==3.6.1 +tabulate==0.8.7 +tblib==1.6.0 +test-generator==0.1.1 +text-unidecode==1.3 +threadpool==1.3.2 +threadpoolctl==2.1.0 +tomlkit==0.7.0 +toolz==0.10.0 +torch +transformers==4.12.5 +tweepy==3.10.0 +typed-ast==1.4.3 +typing==3.7.4.3 +typing-extensions==3.7.4.3 +ujson +update-checker==0.16 +uritemplate==3.0.1 +urllib3==1.26.7 +vecstack==0.4.0 +versioneer==0.18 +visdom>=0.1.8.9 +vtk==9.0.1 +websocket-client==0.59.0 +wheel==0.36.2 +widgetsnbextension==3.5.1 +xgboost +yapf==0.29.0 +yarl==1.4.2 +zict==1.0.0 +zipp==3.1.0 +zope.interface==5.4.0