jupyterlab / jupyter-ai

A generative AI extension for JupyterLab
https://jupyter-ai.readthedocs.io/
BSD 3-Clause "New" or "Revised" License
3.22k stars 326 forks source link

Bug while loading extension using %load_ext jupyter_ai #384

Open koenvanderveen opened 1 year ago

koenvanderveen commented 1 year ago

Description

When I run %load_ext jupyter_ai I get an error (see below)

Reproduce

Screenshot 2023-09-11 at 17 27 09

Context

running on MacOS, in Brave browser, jupyter notebook (not lab, but had the same problem when running in lab), jupyter_ai=2.2.0, python 3.9 with conda

Error

TypeError                                 Traceback (most recent call last)
Cell In[9], line 1
----> 1 get_ipython().run_line_magic('load_ext', 'jupyter_ai')

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/IPython/core/interactiveshell.py:2369, in InteractiveShell.run_line_magic(self, magic_name, line, _stack_depth)
   2367     kwargs['local_ns'] = self.get_local_scope(stack_depth)
   2368 with self.builtin_trap:
-> 2369     result = fn(*args, **kwargs)
   2371 # The code below prevents the output from being displayed
   2372 # when using magics with decodator @output_can_be_silenced
   2373 # when the last Python token in the expression is a ';'.
   2374 if getattr(fn, magic.MAGIC_OUTPUT_CAN_BE_SILENCED, False):

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/IPython/core/magics/extension.py:33, in ExtensionMagics.load_ext(self, module_str)
     31 if not module_str:
     32     raise UsageError('Missing module name.')
---> 33 res = self.shell.extension_manager.load_extension(module_str)
     35 if res == 'already loaded':
     36     print("The %s extension is already loaded. To reload it, use:" % module_str)

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/IPython/core/extensions.py:76, in ExtensionManager.load_extension(self, module_str)
     69 """Load an IPython extension by its module name.
     70 
     71 Returns the string "already loaded" if the extension is already loaded,
     72 "no load function" if the module doesn't have a load_ipython_extension
     73 function, or None if it succeeded.
     74 """
     75 try:
---> 76     return self._load_extension(module_str)
     77 except ModuleNotFoundError:
     78     if module_str in BUILTINS_EXTS:

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/IPython/core/extensions.py:91, in ExtensionManager._load_extension(self, module_str)
     89 with self.shell.builtin_trap:
     90     if module_str not in sys.modules:
---> 91         mod = import_module(module_str)
     92     mod = sys.modules[module_str]
     93     if self._call_load_ipython_extension(mod):

File /opt/anaconda3/envs/syft/lib/python3.9/importlib/__init__.py:127, in import_module(name, package)
    125             break
    126         level += 1
--> 127 return _bootstrap._gcd_import(name[level:], package, level)

File <frozen importlib._bootstrap>:1030, in _gcd_import(name, package, level)

File <frozen importlib._bootstrap>:1007, in _find_and_load(name, import_)

File <frozen importlib._bootstrap>:986, in _find_and_load_unlocked(name, import_)

File <frozen importlib._bootstrap>:680, in _load_unlocked(spec)

File <frozen importlib._bootstrap_external>:850, in exec_module(self, module)

File <frozen importlib._bootstrap>:228, in _call_with_frames_removed(f, *args, **kwds)

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/jupyter_ai/__init__.py:2
      1 # expose jupyter_ai_magics ipython extension
----> 2 from jupyter_ai_magics import load_ipython_extension, unload_ipython_extension
      4 from ._version import __version__
      6 # imports to expose entry points. DO NOT REMOVE.

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/jupyter_ai_magics/__init__.py:4
      1 from ._version import __version__
      3 # expose embedding model providers on the package root
----> 4 from .embedding_providers import (
      5     CohereEmbeddingsProvider,
      6     HfHubEmbeddingsProvider,
      7     OpenAIEmbeddingsProvider,
      8 )
      9 from .exception import store_exception
     10 from .magics import AiMagics

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/jupyter_ai_magics/embedding_providers.py:3
      1 from typing import ClassVar, List, Type
----> 3 from jupyter_ai_magics.providers import AuthStrategy, EnvAuthStrategy, Field
      4 from langchain.embeddings import (
      5     CohereEmbeddings,
      6     HuggingFaceHubEmbeddings,
      7     OpenAIEmbeddings,
      8 )
      9 from langchain.embeddings.base import Embeddings

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/jupyter_ai_magics/providers.py:11
      8 from typing import Any, ClassVar, Coroutine, Dict, List, Literal, Optional, Union
     10 from jsonpath_ng import parse
---> 11 from langchain import PromptTemplate
     12 from langchain.chat_models import AzureChatOpenAI, ChatOpenAI
     13 from langchain.llms import (
     14     AI21,
     15     Anthropic,
   (...)
     22     SagemakerEndpoint,
     23 )

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/__init__.py:6
      3 from importlib import metadata
      4 from typing import Optional
----> 6 from langchain.agents import MRKLChain, ReActChain, SelfAskWithSearchChain
      7 from langchain.chains import (
      8     ConversationChain,
      9     LLMBashChain,
   (...)
     15     VectorDBQAWithSourcesChain,
     16 )
     17 from langchain.docstore import InMemoryDocstore, Wikipedia

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/agents/__init__.py:31
      1 """
      2 **Agent** is a class that uses an LLM to choose a sequence of actions to take.
      3 
   (...)
     29     
     30 """  # noqa: E501
---> 31 from langchain.agents.agent import (
     32     Agent,
     33     AgentExecutor,
     34     AgentOutputParser,
     35     BaseMultiActionAgent,
     36     BaseSingleActionAgent,
     37     LLMSingleActionAgent,
     38 )
     39 from langchain.agents.agent_iterator import AgentExecutorIterator
     40 from langchain.agents.agent_toolkits import (
     41     create_csv_agent,
     42     create_json_agent,
   (...)
     52     create_xorbits_agent,
     53 )

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/agents/agent.py:14
     10 from typing import Any, Callable, Dict, List, Optional, Sequence, Tuple, Union
     12 import yaml
---> 14 from langchain.agents.agent_iterator import AgentExecutorIterator
     15 from langchain.agents.agent_types import AgentType
     16 from langchain.agents.tools import InvalidTool

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/agents/agent_iterator.py:30
     28 from langchain.load.dump import dumpd
     29 from langchain.schema import RUN_KEY, AgentAction, AgentFinish, RunInfo
---> 30 from langchain.tools import BaseTool
     31 from langchain.utilities.asyncio import asyncio_timeout
     32 from langchain.utils.input import get_color_mapping

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/tools/__init__.py:82
     72 from langchain.tools.playwright import (
     73     ClickTool,
     74     CurrentWebPageTool,
   (...)
     79     NavigateTool,
     80 )
     81 from langchain.tools.plugin import AIPluginTool
---> 82 from langchain.tools.powerbi.tool import (
     83     InfoPowerBITool,
     84     ListPowerBITool,
     85     QueryPowerBITool,
     86 )
     87 from langchain.tools.pubmed.tool import PubmedQueryRun
     88 from langchain.tools.python.tool import PythonAstREPLTool, PythonREPLTool

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/tools/powerbi/tool.py:10
      4 from typing import Any, Dict, Optional, Tuple
      6 from langchain.callbacks.manager import (
      7     AsyncCallbackManagerForToolRun,
      8     CallbackManagerForToolRun,
      9 )
---> 10 from langchain.chains.llm import LLMChain
     11 from langchain.chat_models.openai import _import_tiktoken
     12 from langchain.pydantic_v1 import Field, validator

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/chains/__init__.py:20
      1 """**Chains** are easily reusable components linked together.
      2 
      3 Chains encode a sequence of calls to components like models, document retrievers,
   (...)
     17     Chain --> <name>Chain  # Examples: LLMChain, MapReduceChain, RouterChain
     18 """
---> 20 from langchain.chains.api.base import APIChain
     21 from langchain.chains.api.openapi.chain import OpenAPIEndpointChain
     22 from langchain.chains.combine_documents.base import AnalyzeDocumentChain

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/chains/api/base.py:10
      4 from typing import Any, Dict, List, Optional
      6 from langchain.callbacks.manager import (
      7     AsyncCallbackManagerForChainRun,
      8     CallbackManagerForChainRun,
      9 )
---> 10 from langchain.chains.api.prompt import API_RESPONSE_PROMPT, API_URL_PROMPT
     11 from langchain.chains.base import Chain
     12 from langchain.chains.llm import LLMChain

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/chains/api/prompt.py:2
      1 # flake8: noqa
----> 2 from langchain.prompts.prompt import PromptTemplate
      4 API_URL_PROMPT_TEMPLATE = """You are given the below API Documentation:
      5 {api_docs}
      6 Using this documentation, generate the full API url to call for answering the user question.
   (...)
      9 Question:{question}
     10 API url:"""
     12 API_URL_PROMPT = PromptTemplate(
     13     input_variables=[
     14         "api_docs",
   (...)
     17     template=API_URL_PROMPT_TEMPLATE,
     18 )

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/prompts/__init__.py:40
     30 from langchain.prompts.base import StringPromptTemplate
     31 from langchain.prompts.chat import (
     32     AIMessagePromptTemplate,
     33     BaseChatPromptTemplate,
   (...)
     38     SystemMessagePromptTemplate,
     39 )
---> 40 from langchain.prompts.example_selector import (
     41     LengthBasedExampleSelector,
     42     MaxMarginalRelevanceExampleSelector,
     43     NGramOverlapExampleSelector,
     44     SemanticSimilarityExampleSelector,
     45 )
     46 from langchain.prompts.few_shot import (
     47     FewShotChatMessagePromptTemplate,
     48     FewShotPromptTemplate,
     49 )
     50 from langchain.prompts.few_shot_with_templates import FewShotPromptWithTemplates

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/prompts/example_selector/__init__.py:4
      2 from langchain.prompts.example_selector.length_based import LengthBasedExampleSelector
      3 from langchain.prompts.example_selector.ngram_overlap import NGramOverlapExampleSelector
----> 4 from langchain.prompts.example_selector.semantic_similarity import (
      5     MaxMarginalRelevanceExampleSelector,
      6     SemanticSimilarityExampleSelector,
      7 )
      9 __all__ = [
     10     "LengthBasedExampleSelector",
     11     "MaxMarginalRelevanceExampleSelector",
     12     "NGramOverlapExampleSelector",
     13     "SemanticSimilarityExampleSelector",
     14 ]

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/prompts/example_selector/semantic_similarity.py:6
      2 from __future__ import annotations
      4 from typing import Any, Dict, List, Optional, Type
----> 6 from langchain.embeddings.base import Embeddings
      7 from langchain.prompts.example_selector.base import BaseExampleSelector
      8 from langchain.pydantic_v1 import BaseModel, Extra

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/embeddings/__init__.py:43
     41 from langchain.embeddings.jina import JinaEmbeddings
     42 from langchain.embeddings.llamacpp import LlamaCppEmbeddings
---> 43 from langchain.embeddings.localai import LocalAIEmbeddings
     44 from langchain.embeddings.minimax import MiniMaxEmbeddings
     45 from langchain.embeddings.mlflow_gateway import MlflowAIGatewayEmbeddings

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/langchain/embeddings/localai.py:120
    115         return _check_response(response)
    117     return await _async_embed_with_retry(**kwargs)
--> 120 class LocalAIEmbeddings(BaseModel, Embeddings):
    121     """LocalAI embedding models.
    122 
    123     To use, you should have the ``openai`` python package installed, and the
   (...)
    135 
    136     """
    138     client: Any  #: :meta private:

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/main.py:197, in pydantic.main.ModelMetaclass.__new__()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:506, in pydantic.fields.ModelField.infer()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:436, in pydantic.fields.ModelField.__init__()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:552, in pydantic.fields.ModelField.prepare()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:663, in pydantic.fields.ModelField._type_analysis()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:808, in pydantic.fields.ModelField._create_sub_type()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:436, in pydantic.fields.ModelField.__init__()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:552, in pydantic.fields.ModelField.prepare()

File /opt/anaconda3/envs/syft/lib/python3.9/site-packages/pydantic/fields.py:668, in pydantic.fields.ModelField._type_analysis()

File /opt/anaconda3/envs/syft/lib/python3.9/typing.py:852, in _SpecialGenericAlias.__subclasscheck__(self, cls)
    850     return issubclass(cls.__origin__, self.__origin__)
    851 if not isinstance(cls, _GenericAlias):
--> 852     return issubclass(cls, self.__origin__)
    853 return super().__subclasscheck__(cls)

TypeError: issubclass() arg 1 must be a class
welcome[bot] commented 1 year ago

Thank you for opening your first issue in this project! Engagement like this is essential for open source projects! :hugs:
If you haven't done so already, check out Jupyter's Code of Conduct. Also, please try to follow the issue template as it helps other other community members to contribute more effectively. welcome You can meet the other Jovyans by joining our Discourse forum. There is also an intro thread there where you can stop by and say Hi! :wave:
Welcome to the Jupyter community! :tada:

3coins commented 1 year ago

@koenvanderveen Thanks for reporting this issue. I was not able to reproduce this on my Mac. Can you run this in your conda env and provide the output here.

pip freeze
vdutell commented 8 months ago

I'm having the same issue and came across this. Here is the output from pip freeze: absl-py @ file:///home/conda/feedstock_root/build_artifacts/absl-py_1673535674859/work aiofiles @ file:///home/conda/feedstock_root/build_artifacts/aiofiles_1664378549280/work aiohttp==3.9.3 aiosignal==1.3.1 aiosqlite @ file:///home/conda/feedstock_root/build_artifacts/aiosqlite_1682491975081/work alembic==1.10.4 antlr4-python3-runtime==4.8 anyio @ file:///home/conda/feedstock_root/build_artifacts/anyio_1666191106763/work/dist argon2-cffi @ file:///home/conda/feedstock_root/build_artifacts/argon2-cffi_1640817743617/work argon2-cffi-bindings @ file:///home/conda/feedstock_root/build_artifacts/argon2-cffi-bindings_1666850859330/work arrow==1.2.3 asttokens @ file:///home/conda/feedstock_root/build_artifacts/asttokens_1670263926556/work async-lru==2.0.4 async-timeout==4.0.3 attrs @ file:///home/conda/feedstock_root/build_artifacts/attrs_1683124902633/work autoflake==1.7.8 Babel @ file:///home/conda/feedstock_root/build_artifacts/babel_1677767029043/work backcall @ file:///home/conda/feedstock_root/build_artifacts/backcall_1592338393461/work backports.functools-lru-cache @ file:///home/conda/feedstock_root/build_artifacts/backports.functools_lru_cache_1618230623929/work beautifulsoup4 @ file:///home/conda/feedstock_root/build_artifacts/beautifulsoup4_1680888073205/work black==22.3.0 bleach @ file:///home/conda/feedstock_root/build_artifacts/bleach_1674535352125/work blinker @ file:///home/conda/feedstock_root/build_artifacts/blinker_1681349778161/work bokeh @ file:///home/conda/feedstock_root/build_artifacts/bokeh_1678797995786/work boltons @ file:///home/conda/feedstock_root/build_artifacts/boltons_1677499911949/work brotlipy @ file:///home/conda/feedstock_root/build_artifacts/brotlipy_1666764672617/work cachetools @ file:///home/conda/feedstock_root/build_artifacts/cachetools_1674482203741/work certifi==2023.5.7 cffi @ file:///home/conda/feedstock_root/build_artifacts/cffi_1671179360775/work chardet @ file:///home/conda/feedstock_root/build_artifacts/chardet_1649184154184/work charset-normalizer @ file:///home/conda/feedstock_root/build_artifacts/charset-normalizer_1678108872112/work click==8.1.3 cloudpickle @ file:///home/conda/feedstock_root/build_artifacts/cloudpickle_1674202310934/work cmake==3.25.0 colorama @ file:///home/conda/feedstock_root/build_artifacts/colorama_1666700638685/work comm @ file:///home/conda/feedstock_root/build_artifacts/comm_1679481329611/work conda==23.3.1 conda-content-trust @ file:///home/conda/feedstock_root/build_artifacts/conda-content-trust_1621370699668/work conda-libmamba-solver @ file:///home/conda/feedstock_root/build_artifacts/conda-libmamba-solver_1680508672016/work/src conda-package-handling @ file:///home/conda/feedstock_root/build_artifacts/conda-package-handling_1669907009957/work conda_package_streaming @ file:///home/conda/feedstock_root/build_artifacts/conda-package-streaming_1669733752472/work contourpy @ file:///home/conda/feedstock_root/build_artifacts/contourpy_1673633659350/work cryptography @ file:///home/conda/feedstock_root/build_artifacts/cryptography-split_1681508587436/work cycler @ file:///home/conda/feedstock_root/build_artifacts/cycler_1635519461629/work Cython @ file:///home/conda/feedstock_root/build_artifacts/cython_1680712331760/work cytoolz @ file:///home/conda/feedstock_root/build_artifacts/cytoolz_1666829688252/work dask @ file:///home/conda/feedstock_root/build_artifacts/dask-core_1682704095490/work databricks-cli==0.17.6 dataclasses-json==0.6.4 debugpy @ file:///home/conda/feedstock_root/build_artifacts/debugpy_1680755452907/work decorator @ file:///home/conda/feedstock_root/build_artifacts/decorator_1641555617451/work deepmerge==1.1.1 deepspeed==0.9.2 defusedxml @ file:///home/conda/feedstock_root/build_artifacts/defusedxml_1615232257335/work -e git+https://github.com/facebookresearch/detectron2.git@95a87b8dd359014d1ff81fe14f539dd279bcbe4b#egg=detectron2 -e git+https://github.com/IDEA-Research/detrex.git@969c616b9946e37f71c09db6c03934ab7170a0ea#egg=detrex distlib==0.3.6 distributed==2023.4.1 docker==6.0.1 einops==0.7.0 entrypoints @ file:///home/conda/feedstock_root/build_artifacts/entrypoints_1643888246732/work executing @ file:///home/conda/feedstock_root/build_artifacts/executing_1667317341051/work fairscale==0.4.13 faiss-cpu==1.7.4 fastjsonschema @ file:///home/conda/feedstock_root/build_artifacts/python-fastjsonschema_1677336799617/work/dist filelock==3.9.0 flake8==3.8.1 Flask==2.3.2 flit_core @ file:///home/conda/feedstock_root/build_artifacts/flit-core_1667734568827/work/source/flit_core fonttools @ file:///home/conda/feedstock_root/build_artifacts/fonttools_1680021155848/work fqdn==1.5.1 frozenlist==1.3.3 fsspec @ file:///home/conda/feedstock_root/build_artifacts/fsspec_1680980497582/work fvcore==0.1.5.post20211023 gitdb==4.0.10 GitPython==3.1.31 glob2==0.7 google-auth @ file:///home/conda/feedstock_root/build_artifacts/google-auth_1681369121356/work google-auth-oauthlib @ file:///home/conda/feedstock_root/build_artifacts/google-auth-oauthlib_1675825735130/work greenlet==2.0.2 grpcio==1.51.3 gunicorn==20.1.0 h11==0.14.0 h5py==3.8.0 hjson==3.1.0 httpcore==1.0.3 httpx==0.26.0 huggingface-hub==0.12.1 hydra-core==1.1.2 idna @ file:///home/conda/feedstock_root/build_artifacts/idna_1663625384323/work imagecodecs @ file:///home/conda/feedstock_root/build_artifacts/imagecodecs_1679699549914/work imageio @ file:///home/conda/feedstock_root/build_artifacts/imageio_1683031833737/work importlib-metadata @ file:///home/conda/feedstock_root/build_artifacts/importlib-metadata_1682176699712/work importlib-resources @ file:///home/conda/feedstock_root/build_artifacts/importlib_resources_1676919000169/work iopath==0.1.9 ipykernel @ file:///home/conda/feedstock_root/build_artifacts/ipykernel_1679336319192/work ipyparallel @ file:///home/conda/feedstock_root/build_artifacts/ipyparallel_1681479856252/work ipython @ file:///home/conda/feedstock_root/build_artifacts/ipython_1683225895562/work ipython-genutils==0.2.0 ipywidgets @ file:///home/conda/feedstock_root/build_artifacts/ipywidgets_1680023138361/work isoduration==20.11.0 isort==4.3.21 itsdangerous==2.1.2 jedi @ file:///home/conda/feedstock_root/build_artifacts/jedi_1669134318875/work Jinja2 @ file:///home/conda/feedstock_root/build_artifacts/jinja2_1654302431367/work joblib @ file:///home/conda/feedstock_root/build_artifacts/joblib_1663332044897/work json5 @ file:///home/conda/feedstock_root/build_artifacts/json5_1600692310011/work jsonpatch==1.33 jsonpath-ng==1.6.1 jsonpointer==2.0 jsonschema @ file:///home/conda/feedstock_root/build_artifacts/jsonschema-meta_1669810440410/work jupyter @ file:///home/conda/feedstock_root/build_artifacts/jupyter_1670249604934/work jupyter-console @ file:///home/conda/feedstock_root/build_artifacts/jupyter_console_1678118109161/work jupyter-events @ file:///home/conda/feedstock_root/build_artifacts/jupyter_events_1673559782596/work jupyter-lsp==2.2.2 jupyter-server-proxy @ file:///home/conda/feedstock_root/build_artifacts/jupyter-server-proxy_1662628585242/work jupyter-tensorboard==0.2.0 jupyter-ydoc @ file:///home/conda/feedstock_root/build_artifacts/jupyter_ydoc_1679320362993/work/dist jupyter_ai==2.10.0 jupyter_ai_magics==2.10.0 jupyter_client @ file:///home/conda/feedstock_root/build_artifacts/jupyter_client_1681432441054/work jupyter_core @ file:///home/conda/feedstock_root/build_artifacts/jupyter_core_1678994160714/work jupyter_server @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_1679073341944/work jupyter_server_fileid @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_fileid_1681071667289/work jupyter_server_terminals @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_terminals_1673491454549/work jupyter_server_ydoc @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_ydoc_1678043727957/work jupyterlab==4.1.1 jupyterlab-nvdashboard @ file:///home/conda/feedstock_root/build_artifacts/jupyterlab-nvdashboard_1681381104983/work jupyterlab-pygments @ file:///home/conda/feedstock_root/build_artifacts/jupyterlab_pygments_1649936611996/work jupyterlab-widgets @ file:///home/conda/feedstock_root/build_artifacts/jupyterlab_widgets_1680020489668/work jupyterlab_server @ file:///home/conda/feedstock_root/build_artifacts/jupyterlab_server_1681424698040/work jupytext @ file:///home/conda/feedstock_root/build_artifacts/jupytext_1677348310185/work kiwisolver @ file:///home/conda/feedstock_root/build_artifacts/kiwisolver_1666805784128/work langchain==0.1.7 langchain-community==0.0.20 langchain-core==0.1.23 langsmith==0.0.87 lazy_loader @ file:///home/conda/feedstock_root/build_artifacts/lazy_loader_1679784563552/work libmambapy @ file:///home/conda/feedstock_root/build_artifacts/mamba-split_1680791035685/work/libmambapy lightning-utilities==0.8.0 lit==15.0.7 llvmlite==0.41.1 locket @ file:///home/conda/feedstock_root/build_artifacts/locket_1650660393415/work Mako==1.2.4 mamba @ file:///home/conda/feedstock_root/build_artifacts/mamba-split_1680791035685/work/mamba Markdown @ file:///home/conda/feedstock_root/build_artifacts/markdown_1679584000376/work markdown-it-py @ file:///home/conda/feedstock_root/build_artifacts/markdown-it-py_1677100944732/work MarkupSafe @ file:///home/conda/feedstock_root/build_artifacts/markupsafe_1674135804847/work marshmallow==3.20.2 matlabengine==9.13.5 matplotlib @ file:///home/conda/feedstock_root/build_artifacts/matplotlib-suite_1678135567769/work matplotlib-inline @ file:///home/conda/feedstock_root/build_artifacts/matplotlib-inline_1660814786464/work mccabe==0.6.1 mdit-py-plugins @ file:///home/conda/feedstock_root/build_artifacts/mdit-py-plugins_1677788301074/work mdurl @ file:///home/conda/feedstock_root/build_artifacts/mdurl_1639515908913/work memory-profiler==0.61.0 metakernel==0.29.4 mistune @ file:///home/conda/feedstock_root/build_artifacts/mistune_1675771498296/work mkl-fft==1.3.1 mkl-random==1.2.2 mkl-service==2.4.0 mlflow==2.3.1 mnist==0.2.2 mpi4py @ file:///home/conda/feedstock_root/build_artifacts/mpi4py_1667459663003/work mpmath==1.2.1 msgpack==1.0.5 multidict @ file:///home/conda/feedstock_root/build_artifacts/multidict_1672339396340/work munkres==1.1.4 mypy-extensions==1.0.0 nbclassic @ file:///home/conda/feedstock_root/build_artifacts/nbclassic_1683202081046/work nbclient @ file:///home/conda/feedstock_root/build_artifacts/nbclient_1682452223743/work nbconvert @ file:///home/conda/feedstock_root/build_artifacts/nbconvert-meta_1681137024412/work nbformat @ file:///home/conda/feedstock_root/build_artifacts/nbformat_1679336765223/work nest-asyncio @ file:///home/conda/feedstock_root/build_artifacts/nest-asyncio_1664684991461/work networkx @ file:///home/conda/feedstock_root/build_artifacts/networkx_1680692919326/work ninja==1.11.1 nose==1.3.7 notebook @ file:///home/conda/feedstock_root/build_artifacts/notebook_1680870634737/work notebook_shim @ file:///home/conda/feedstock_root/build_artifacts/notebook-shim_1682360583588/work numba==0.58.1 numexpr @ file:///home/conda/feedstock_root/build_artifacts/numexpr_1680544471607/work numpy==1.22.4 nvidia-dlprof==1.8.0 nvidia-nsys-cli==2021.3.2.12 nvidia-pyindex==1.0.9 oauthlib @ file:///home/conda/feedstock_root/build_artifacts/oauthlib_1666056362788/work octave_kernel==0.35.1 omegaconf==2.1.0 opencv-python==4.4.0.46 packaging==23.2 pandas @ file:///home/conda/feedstock_root/build_artifacts/pandas_1682331462394/work pandocfilters @ file:///home/conda/feedstock_root/build_artifacts/pandocfilters_1631603243851/work parso @ file:///home/conda/feedstock_root/build_artifacts/parso_1638334955874/work partd @ file:///home/conda/feedstock_root/build_artifacts/partd_1681246756246/work pathlib2 @ file:///home/conda/feedstock_root/build_artifacts/pathlib2_1666851535946/work pathspec==0.11.0 patsy @ file:///home/conda/feedstock_root/build_artifacts/patsy_1665356157073/work pexpect @ file:///home/conda/feedstock_root/build_artifacts/pexpect_1667297516076/work pickleshare @ file:///home/conda/feedstock_root/build_artifacts/pickleshare_1602536217715/work Pillow @ file:///home/conda/feedstock_root/build_artifacts/pillow_1680694271308/work pkgutil_resolve_name @ file:///home/conda/feedstock_root/build_artifacts/pkgutil-resolve-name_1633981968097/work platformdirs @ file:///home/conda/feedstock_root/build_artifacts/platformdirs_1682644429438/work plenoptic==1.0.2 plotly @ file:///home/conda/feedstock_root/build_artifacts/plotly_1680731398751/work pluggy @ file:///home/conda/feedstock_root/build_artifacts/pluggy_1667232663820/work ply==3.11 portalocker==2.8.2 prometheus-client @ file:///home/conda/feedstock_root/build_artifacts/prometheus_client_1674535637125/work prompt-toolkit @ file:///home/conda/feedstock_root/build_artifacts/prompt-toolkit_1677600924538/work protobuf==4.21.12 psutil @ file:///home/conda/feedstock_root/build_artifacts/psutil_1681775019467/work psycopg2==2.9.6 ptyprocess @ file:///home/conda/feedstock_root/build_artifacts/ptyprocess_1609419310487/work/dist/ptyprocess-0.7.0-py2.py3-none-any.whl pure-eval @ file:///home/conda/feedstock_root/build_artifacts/pure_eval_1642875951954/work py-cpuinfo @ file:///home/conda/feedstock_root/build_artifacts/py-cpuinfo_1666774466606/work pyarrow==11.0.0 pyasn1==0.4.8 pyasn1-modules==0.2.7 pybind11==2.10.3 pycocotools==2.0.7 pycodestyle==2.6.0 pycosat @ file:///home/conda/feedstock_root/build_artifacts/pycosat_1666836642684/work pycparser @ file:///home/conda/feedstock_root/build_artifacts/pycparser_1636257122734/work pycurl==7.45.1 pydantic==1.10.7 pydot==1.4.2 pyflakes==2.2.0 pyg-lib==0.2.0+pt20cu117 Pygments @ file:///home/conda/feedstock_root/build_artifacts/pygments_1681904169130/work PyJWT @ file:///home/conda/feedstock_root/build_artifacts/pyjwt_1666240235902/work pynndescent==0.5.11 pynvml @ file:///home/conda/feedstock_root/build_artifacts/pynvml_1676513396402/work pyOpenSSL @ file:///home/conda/feedstock_root/build_artifacts/pyopenssl_1680037383858/work pyparsing @ file:///home/conda/feedstock_root/build_artifacts/pyparsing_1652235407899/work PyQt5==5.15.9 pyqt5-plugins==5.15.9.2.3 PyQt5-Qt5==5.15.2 PyQt5-sip==12.11.0 pyqt5-tools==5.15.9.3.3 pyrsistent @ file:///home/conda/feedstock_root/build_artifacts/pyrsistent_1672681476680/work pyrtools==1.0.3 PySocks @ file:///home/conda/feedstock_root/build_artifacts/pysocks_1661604839144/work python-dateutil @ file:///home/conda/feedstock_root/build_artifacts/python-dateutil_1626286286081/work python-dotenv==1.0.0 python-json-logger @ file:///home/conda/feedstock_root/build_artifacts/python-json-logger_1677079630776/work pytorch-extension==0.2 pytorch-lightning==2.0.2 pytorch-metric-learning==2.1.0 pytz @ file:///home/conda/feedstock_root/build_artifacts/pytz_1680088766131/work pyu2f @ file:///home/conda/feedstock_root/build_artifacts/pyu2f_1604248910016/work PyWavelets @ file:///home/conda/feedstock_root/build_artifacts/pywavelets_1673082327051/work PyYAML==6.0.1 pyzmq @ file:///home/conda/feedstock_root/build_artifacts/pyzmq_1679316848093/work qt5-applications==5.15.2.2.3 qt5-tools==5.15.2.1.3 qtconsole @ file:///home/conda/feedstock_root/build_artifacts/qtconsole-base_1680543490292/work QtPy @ file:///home/conda/feedstock_root/build_artifacts/qtpy_1680148448366/work querystring-parser==1.2.4 ray==2.4.0 regex==2023.12.25 requests @ file:///home/conda/feedstock_root/build_artifacts/requests_1682535435083/work requests-oauthlib @ file:///home/conda/feedstock_root/build_artifacts/requests-oauthlib_1643557462909/work rfc3339-validator @ file:///home/conda/feedstock_root/build_artifacts/rfc3339-validator_1638811747357/work rfc3986-validator @ file:///home/conda/feedstock_root/build_artifacts/rfc3986-validator_1598024191506/work rsa @ file:///home/conda/feedstock_root/build_artifacts/rsa_1658328885051/work ruamel-yaml-conda @ file:///home/conda/feedstock_root/build_artifacts/ruamel_yaml_1666819784739/work ruamel.yaml @ file:///home/conda/feedstock_root/build_artifacts/ruamel.yaml_1683013868399/work ruamel.yaml.clib @ file:///home/conda/feedstock_root/build_artifacts/ruamel.yaml.clib_1670412733608/work scikit-image @ file:///home/conda/feedstock_root/build_artifacts/scikit-image_1681313139315/work/dist/scikit_image-0.20.0-cp39-cp39-linux_x86_64.whl scikit-learn @ file:///home/conda/feedstock_root/build_artifacts/scikit-learn_1679675836807/work scipy==1.9.1 seaborn @ file:///home/conda/feedstock_root/build_artifacts/seaborn-split_1672497695270/work Send2Trash @ file:///home/conda/feedstock_root/build_artifacts/send2trash_1682601222253/work simpervisor @ file:///home/conda/feedstock_root/build_artifacts/simpervisor_1609865618711/work sip @ file:///home/conda/feedstock_root/build_artifacts/sip_1681995017395/work six @ file:///home/conda/feedstock_root/build_artifacts/six_1620240208055/work smmap==5.0.0 sniffio @ file:///home/conda/feedstock_root/build_artifacts/sniffio_1662051266223/work sortedcontainers==2.4.0 soupsieve @ file:///home/conda/feedstock_root/build_artifacts/soupsieve_1658207591808/work SQLAlchemy==2.0.12 sqlparse==0.4.4 stack-data @ file:///home/conda/feedstock_root/build_artifacts/stack_data_1669632077133/work statsmodels @ file:///home/conda/feedstock_root/build_artifacts/statsmodels_1667586005244/work sympy==1.11.1 tables @ file:///home/conda/feedstock_root/build_artifacts/pytables_1680968680025/work tabulate==0.9.0 tblib==3.0.0 tenacity @ file:///home/conda/feedstock_root/build_artifacts/tenacity_1677600641219/work tensorboard @ file:///home/conda/feedstock_root/build_artifacts/tensorboard_1683119049001/work/tensorboard-2.12.3-py3-none-any.whl#sha256=b4a69366784bc347e02fbe7d847e01896a649ca52f8948a11005e205dcf724fb tensorboard-data-server @ file:///home/conda/feedstock_root/build_artifacts/tensorboard-data-server_1676291793579/work/tensorboard_data_server-0.7.0-py3-none-manylinux2014_x86_64.whl termcolor==1.1.0 terminado @ file:///home/conda/feedstock_root/build_artifacts/terminado_1670253674810/work threadpoolctl @ file:///home/conda/feedstock_root/build_artifacts/threadpoolctl_1643647933166/work tifffile @ file:///home/conda/feedstock_root/build_artifacts/tifffile_1681364231336/work tiktoken==0.6.0 timm==0.5.4 tinycss2 @ file:///home/conda/feedstock_root/build_artifacts/tinycss2_1666100256010/work toml @ file:///home/conda/feedstock_root/build_artifacts/toml_1604308577558/work tomli @ file:///home/conda/feedstock_root/build_artifacts/tomli_1644342247877/work toolz @ file:///home/conda/feedstock_root/build_artifacts/toolz_1657485559105/work torch==2.0.0+cu117 torch-cluster==1.6.1+pt20cu117 torch-geometric==2.3.1 torch-scatter==2.1.1+pt20cu117 torch-sparse==0.6.17+pt20cu117 torch-spline-conv==1.2.2+pt20cu117 torch-tb-profiler==0.4.1 torchaudio==2.0.1+cu117 torchdata==0.6.0 torchmetrics==0.11.4 torchtext==0.15.1 torchvision==0.15.1+cu117 tornado @ file:///home/conda/feedstock_root/build_artifacts/tornado_1681817452415/work tqdm @ file:///home/conda/feedstock_root/build_artifacts/tqdm_1677948868469/work traitlets @ file:///home/conda/feedstock_root/build_artifacts/traitlets_1675110562325/work triton==2.0.0 tsne-torch==1.0.1 typing-inspect==0.9.0 typing_extensions==4.8.0 tzdata @ file:///home/conda/feedstock_root/build_artifacts/python-tzdata_1680081134351/work umap-learn==0.5.5 unicodedata2 @ file:///home/conda/feedstock_root/build_artifacts/unicodedata2_1667239485250/work uri-template==1.2.0 urllib3 @ file:///home/conda/feedstock_root/build_artifacts/urllib3_1678635778344/work virtualenv==20.21.0 wcwidth @ file:///home/conda/feedstock_root/build_artifacts/wcwidth_1673864653149/work webcolors==1.13 webencodings==0.5.1 websocket-client @ file:///home/conda/feedstock_root/build_artifacts/websocket-client_1675567828044/work Werkzeug @ file:///home/conda/feedstock_root/build_artifacts/werkzeug_1682960523061/work widgetsnbextension @ file:///home/conda/feedstock_root/build_artifacts/widgetsnbextension_1680021576815/work xarray==2023.4.2 xyzservices @ file:///home/conda/feedstock_root/build_artifacts/xyzservices_1676835466992/work y-py @ file:///home/conda/feedstock_root/build_artifacts/y-py_1676900319918/work yacs==0.1.8 yarl @ file:///home/conda/feedstock_root/build_artifacts/yarl_1682426569440/work ypy-websocket @ file:///home/conda/feedstock_root/build_artifacts/ypy-websocket_1677005266944/work zict==3.0.0 zipp @ file:///home/conda/feedstock_root/build_artifacts/zipp_1677313463193/work zstandard==0.19.0