Code Monkey home page Code Monkey logo

mma865's People

Contributors

moezali1 avatar

Watchers

 avatar  avatar

mma865's Issues

Error while installing pip on Ubuntu

Hi Moez, Rishi

I have been getting the below errors while installing pip on Ubuntu terminal.
Attaching the image of the error as well.

Error -
image

Error when calling Spark NLP - TypeError: ‘JavaPackage’ object is not callable

TypeError: ‘JavaPackage’ object is not callable when calling Tokenizer() in the Azure Databricks environment, after installing sparknlp (which was not available to start with).
Team Ossington cluster in Azure Databricks.

Import Spark NLP

from sparknlp.base import *
from sparknlp.annotator import *
from sparknlp.pretrained import PretrainedPipeline
import sparknlp
from pyspark.sql import SparkSession
from pyspark.ml import Pipeline

Start Spark Session with Spark NLP

spark = sparknlp.start()

NLP Pipeline using Spark NLP

from pyspark.ml.feature import HashingTF, IDF, StringIndexer, SQLTransformer,IndexToString
from pyspark.ml.classification import LogisticRegression
from pyspark.ml.evaluation import MulticlassClassificationEvaluator# convert text column to spark nlp document

document_assembler = DocumentAssembler()
.setInputCol("text")
.setOutputCol("document")# convert document to array of tokens
tokenizer = Tokenizer()
.setInputCols(["document"])
.setOutputCol("token")

Pycaret and NLTK download

Hi Moez,

I found the problem for my previous questions, it because these codes, if I skip running these code, all charts came back from pycaret:

%matplotlib notebook
import matplotlib.pyplot as plt
from scipy.cluster import hierarchy as hc

Hi Moez,

Since I downloaded the nltk.download() and import import nltk, the charts from pycaret package, et plot_model() from pycaret and evaluate_model(rf) - AUC are all missing (won't show again),,, pls advise how can I add back the plot function if using pycaret ?

I tried to reinstall pycaret, but it did not work.

Thanks,
Joyce Liu

Errors when run Automl.py from office hour

Hi,

I am trying to run the office hour provided streamlit code called automl.py, I got this error, could you please help me look into it?

My code:

import streamlit as st
import pandas as pd
from PIL import Image
from pycaret.regression import setup, compare_models, plot_model, pull, get_config, plot_model

image = Image.open('queens_image.jpg')

def automl():
    st.header("Smith AutoML")
    st.image(image)

    file_input = st.file_uploader('File uploader', type=['csv'])
    
    if file_input is not None:
        data = pd.read_csv(file_input)
        st.dataframe(data)

        st.header("Exploratory Data Analysis")
        data_describe = data.describe()
        st.dataframe(data_describe)

        st.header("Please Select Your Target")
        target_name = st.selectbox("Target", data.columns)
        submit_button = st.button("Initialize Setup")

        if submit_button:
            s = setup(data, target = target_name, silent = True)
            setup_results = pull()
            st.dataframe(setup_results.data)

            st.header("Transformed Train Set")
            transformed_train = get_config('X_train')
            st.dataframe(transformed_train)

            st.header("Model Training")

            with st.spinner(text='Multiple Models are Training. Please grab your coffee!!!'):
                best_model = compare_models()
                results = pull()
                st.dataframe(results)

            st.header("Model Analysis")
            plot_model(best_model, plot = 'residuals', display_format='streamlit')
            plot_model(best_model, plot = 'error', display_format='streamlit')
            plot_model(best_model, plot = 'cooks', display_format='streamlit')


if __name__ == "__main__":
    automl()

My error:
Screen Shot 2021-09-07 at 7 06 51 PM

Issues installing ubuntu on Macbook Pro's VirtualBox...

I have a MacPro (Intel chipset). I installed VirtualBox and downloaded “ubuntu-20.04.3-desktop-amd64”. This is the latest version (your instruction shows “ubuntu-20.04.2-”
The issue that I am experiencing is when I start my virtual box, unlike what you the recoding shows, it doesn’t detect the .iso file and all I see is a blank screen…
How can I manually install the OS by pointing to the downloaded file?
I appreciate your help,

Unable to download LightGMB on a mac

Hello - I am having this error (attached below) when trying to run the code throughout the practicums in lecture - i believe this is due to the fact that I am running my program on a Mac, and LightGBM is not installed.
Thanks.
Screen Shot 2021-09-05 at 11 24 16 AM

Issue to run the code of '1. Dask Distributed Training'

Hi Moez and Rishi,

I tried to run the code of 1. Dask Distributed Training which is provided by Day2 material. BTW, I am using the Mac Book. Here is what I got; I am not sure if anything went wrong. Could you please advise me? (I did not change any code)

Code:
t1 = time() inc.fit(X_train, y_train, classes=classes) t2 = time() delt = round(t2-t1,3) print(f"Fitting time:{delt} seconds") t1 = time() score=inc.score(X_test, y_test) t2 = time() delt = round(t2-t1,3) print(f"Score evaluation time:{delt} seconds") print(f"Accuracy score on the test set: {score}")

Result:
Screen Shot 2021-09-03 at 11 31 15 PM

Thank you,
SY

Pipeline - Feature Engineering - Sequence?

Hi Moez,

I want to do feature engineering on specific categorical variables and also do the imputation on missing values, so I defined the features and the methods. It showed an error of " Input contains NaN" when running the fit_transform on train data. Is it because "ColumnTransformer" method would execute the code in parallel? We should set up the sequence of the steps in the pipeline, eg. do the imputation first and then do the feature engineering, is my understanding correct, pls advise.

Error_pipeline_sequence.zip

Thanks,
Joyce Liu

Unable to connect to Kernel

General Problem

Hello Moez, Rishi, and classmates,

My technical issue is that my MMA kernel is not connecting. When I try to install/upgrade packages the errors Jupyter notebook shows (error codes pasted below), I get another error from my command prompt (also pasted below).

I tried removing the 260 Character Path Limit by changing LongPathsEnabled to 1 in hopes of fixing the command prompt error, but that did not work.

Any suggestions? Thanks in advance!

Command Prompt Error (e.g. after trying to install "pip install zmq" or "pip install --upgrade pip"):

WARNING: Error parsing requirements for mistune: [Errno 2] No such file or directory: 'c:\users\surab\anaconda3\envs\mma\lib\site-packages\mistune-0.8.4.dist-info\METADATA'

Jupyter Notebook Error:

[I 15:52:42.082 NotebookApp] JupyterLab extension loaded from C:\Users\surab\anaconda3\lib\site-packages\jupyterlab
[I 15:52:42.082 NotebookApp] JupyterLab application directory is C:\Users\surab\anaconda3\share\jupyter\lab
[I 15:52:42.102 NotebookApp] Serving notebooks from local directory: C:\Users\surab
[I 15:52:42.102 NotebookApp] The Jupyter Notebook is running at:
[I 15:52:42.102 NotebookApp] http://localhost:8888/?token=461a70c5aecf2f7fbec1127377404e56e2e76a71915ae312
[I 15:52:42.102 NotebookApp] or http://127.0.0.1:8888/?token=461a70c5aecf2f7fbec1127377404e56e2e76a71915ae312
[I 15:52:42.103 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 15:52:42.163 NotebookApp]

To access the notebook, open this file in a browser:
    file:///C:/Users/surab/AppData/Roaming/jupyter/runtime/nbserver-27780-open.html
Or copy and paste one of these URLs:
    http://localhost:8888/?token=461a70c5aecf2f7fbec1127377404e56e2e76a71915ae312
 or http://127.0.0.1:8888/?token=461a70c5aecf2f7fbec1127377404e56e2e76a71915ae312

[I 15:53:13.689 NotebookApp] Creating new notebook in
[I 15:53:15.467 NotebookApp] Kernel started: 67cd0462-9f80-42e5-9d5c-855870adbc3f
Traceback (most recent call last):
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 194, in run_module_as_main
return run_code(code, main_globals, None,
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_launcher.py", line 15, in
from ipykernel import kernelapp as app
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_init
.py", line 2, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel\connect.py", line 11, in
import jupyter_client
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client_init
.py", line 4, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client\connect.py", line 21, in
import zmq
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq_init.py", line 103, in
from zmq import backend
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 32, in
raise original_error from None
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 27, in
ns = select_backend(first)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\select.py", line 32, in select_backend
mod = import_module(name)
File "C:\Users\surab\anaconda3\envs\MMA\lib\importlib_init
.py", line 127, in import_module
return bootstrap.gcd_import(name[level:], package, level)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\cython_init
.py", line 6, in
from . import (
ImportError: DLL load failed while importing error: The specified module could not be found.
[I 15:53:18.448 NotebookApp] KernelRestarter: restarting kernel (1/5), new random ports
Traceback (most recent call last):
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 194, in run_module_as_main
return run_code(code, main_globals, None,
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_launcher.py", line 15, in
from ipykernel import kernelapp as app
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_init
.py", line 2, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel\connect.py", line 11, in
import jupyter_client
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client_init
.py", line 4, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client\connect.py", line 21, in
import zmq
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq_init.py", line 103, in
from zmq import backend
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init.py", line 32, in
raise original_error from None
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 27, in
ns = select_backend(first)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\select.py", line 32, in select_backend
mod = import_module(name)
File "C:\Users\surab\anaconda3\envs\MMA\lib\importlib_init
.py", line 127, in import_module
return bootstrap.gcd_import(name[level:], package, level)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\cython_init
.py", line 6, in
from . import (
ImportError: DLL load failed while importing error: The specified module could not be found.
[I 15:53:21.460 NotebookApp] KernelRestarter: restarting kernel (2/5), new random ports
Traceback (most recent call last):
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 194, in run_module_as_main
return run_code(code, main_globals, None,
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_launcher.py", line 15, in
from ipykernel import kernelapp as app
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_init
.py", line 2, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel\connect.py", line 11, in
import jupyter_client
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client_init
.py", line 4, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client\connect.py", line 21, in
import zmq
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq_init.py", line 103, in
from zmq import backend
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init.py", line 32, in
raise original_error from None
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 27, in
ns = select_backend(first)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\select.py", line 32, in select_backend
mod = import_module(name)
File "C:\Users\surab\anaconda3\envs\MMA\lib\importlib_init
.py", line 127, in import_module
return bootstrap.gcd_import(name[level:], package, level)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\cython_init
.py", line 6, in
from . import (
ImportError: DLL load failed while importing error: The specified module could not be found.
[I 15:53:24.459 NotebookApp] KernelRestarter: restarting kernel (3/5), new random ports
Traceback (most recent call last):
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 194, in run_module_as_main
return run_code(code, main_globals, None,
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_launcher.py", line 15, in
from ipykernel import kernelapp as app
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_init
.py", line 2, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel\connect.py", line 11, in
import jupyter_client
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client_init
.py", line 4, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client\connect.py", line 21, in
import zmq
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq_init.py", line 103, in
from zmq import backend
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init.py", line 32, in
raise original_error from None
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 27, in
ns = select_backend(first)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\select.py", line 32, in select_backend
mod = import_module(name)
File "C:\Users\surab\anaconda3\envs\MMA\lib\importlib_init
.py", line 127, in import_module
return bootstrap.gcd_import(name[level:], package, level)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\cython_init
.py", line 6, in
from . import (
ImportError: DLL load failed while importing error: The specified module could not be found.
[I 15:53:27.461 NotebookApp] KernelRestarter: restarting kernel (4/5), new random ports
Traceback (most recent call last):
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 194, in run_module_as_main
return run_code(code, main_globals, None,
File "C:\Users\surab\anaconda3\envs\MMA\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_launcher.py", line 15, in
from ipykernel import kernelapp as app
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel_init
.py", line 2, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\ipykernel\connect.py", line 11, in
import jupyter_client
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client_init
.py", line 4, in
from .connect import *
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\jupyter_client\connect.py", line 21, in
import zmq
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq_init.py", line 103, in
from zmq import backend
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init.py", line 32, in
raise original_error from None
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend_init_.py", line 27, in
ns = select_backend(first)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\select.py", line 32, in select_backend
mod = import_module(name)
File "C:\Users\surab\anaconda3\envs\MMA\lib\importlib_init
.py", line 127, in import_module
return _bootstrap.gcd_import(name[level:], package, level)
File "C:\Users\surab\anaconda3\envs\MMA\lib\site-packages\zmq\backend\cython_init
.py", line 6, in
from . import (
ImportError: DLL load failed while importing error: The specified module could not be found.
[W 15:53:30.475 NotebookApp] KernelRestarter: restart failed
[W 15:53:40.407 NotebookApp] Kernel 67cd0462-9f80-42e5-9d5c-855870adbc3f died, removing from map.

1. Tokenization notebook issue

I have run the 1. Tokenization notebook but get errors as below

sentence tokenize function

sentence = nltk.sent_tokenize(text)

LookupError:


Resource �[93mpunkt�[0m not found.
Please use the NLTK Downloader to obtain the resource:

�[31m>>> import nltk

nltk.download('punkt')
�[0m
For more information see: https://www.nltk.org/data.html

Attempted to load �[93mtokenizers/punkt/english.pickle�[0m

Searched in:
- 'C:\Users\trang/nltk_data'
- 'C:\Software\Anaconda3\envs\mma\nltk_data'
- 'C:\Software\Anaconda3\envs\mma\share\nltk_data'
- 'C:\Software\Anaconda3\envs\mma\lib\nltk_data'
- 'C:\Users\trang\AppData\Roaming\nltk_data'
- 'C:\nltk_data'
- 'D:\nltk_data'
- 'E:\nltk_data'

"OSError: Reason: image not found" when executing "from pycaret.classification import *" in Python

Environment: macOS BigSur 11.5.2
MacBook Pro (2015), Intel Core i7.

Error description:
when executing the following command, I get OS Error:

Command:
from pycaret.classification import *

Error Message:
OSError: dlopen(/Users/ijawadi/opt/anaconda3/envs/mma/lib/python3.8/site-packages/lightgbm/lib_lightgbm.so, 6): Library not loaded: /usr/local/opt/libomp/lib/libomp.dylib
Referenced from: /Users/ijawadi/opt/anaconda3/envs/mma/lib/python3.8/site-packages/lightgbm/lib_lightgbm.so
Reason: image not found

Actions:
I uninstalled/reinstalled Anaconda using the following sites:
https://towardsdatascience.com/manage-your-python-virtual-environment-with-conda-a0d2934d5195
https://mattbanderson.com/so-you-hosed-your-mac-os-python-install/

but still, get the same error.
Need assistance. Thank you.
Screen Shot 2021-09-04 at 7 04 11 PM
Screen Shot 2021-09-04 at 7 04 43 PM
Screen Shot 2021-09-04 at 7 05 07 PM

Ubuntu Installation on Windows10

I keep trying to intsall Ubuntu on Oracle VM Virtal box, and it's been left installing for 15+ hours and still hasn't installed.
I have exited, restarted and tried the process again but still no luck!

NLP Practicum

Hello Moez/Rishi,

I encountered the error below when trying to run the No. 4 in Practicum 4.

Code:
exp_nlp102 = setup(data = data, target = 'en', session_id = 123,
custom_stopwords = ['loan', 'income', 'usd', 'many', 'also', 'make', 'business', 'buy',
'sell', 'purchase','year', 'people', 'able', 'enable', 'old', 'woman',
'child', 'school'],
log_experiment = True, experiment_name = 'kiva1')

Error:
C:\Users\Juluis.conda\envs\MMA\lib\site-packages\pkg_resources_init_.py:1130: DeprecationWarning: Use of .. or absolute path in a resource path is not allowed and will raise exceptions in a future release.
return get_provider(package_or_requirement).get_resource_filename(
ERROR:root:Internal Python error in the inspect module.
Below is the traceback from this internal error.

Traceback (most recent call last):
File "C:\Users\Juluis\AppData\Roaming\Python\Python38\site-packages\pycaret\nlp.py", line 311, in setup
import spacy
File "C:\Users\Juluis\AppData\Roaming\Python\Python38\site-packages\spacy_init_.py", line 10, in
from thinc.neural.util import prefer_gpu, require_gpu
ModuleNotFoundError: No module named 'thinc.neural'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\Juluis.conda\envs\MMA\lib\site-packages\IPython\core\interactiveshell.py", line 3441, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
File "C:\Users\Juluis\AppData\Local\Temp/ipykernel_11400/2575136393.py", line 1, in
exp_nlp102 = setup(data = data, target = 'en', session_id = 123,
File "C:\Users\Juluis\AppData\Roaming\Python\Python38\site-packages\pycaret\nlp.py", line 315, in setup
sys.exit(
SystemExit: (Type Error): spacy english model is not yet downloaded. See the documentation of setup to see installation guide.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\Juluis.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py", line 1101, in get_records
return _fixed_getinnerframes(etb, number_of_lines_of_context, tb_offset)
File "C:\Users\Juluis.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py", line 248, in wrapped
return f(*args, **kwargs)
File "C:\Users\Juluis.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py", line 281, in _fixed_getinnerframes
records = fix_frame_records_filenames(inspect.getinnerframes(etb, context))
File "C:\Users\Juluis.conda\envs\MMA\lib\inspect.py", line 1515, in getinnerframes
frameinfo = (tb.tb_frame,) + getframeinfo(tb, context)
AttributeError: 'tuple' object has no attribute 'tb_frame'

ModuleNotFoundError Traceback (most recent call last)
~\AppData\Roaming\Python\Python38\site-packages\pycaret\nlp.py in setup(data, target, custom_stopwords, html, session_id, log_experiment, experiment_name, log_plots, log_data, verbose)
310 try:
--> 311 import spacy
312

~\AppData\Roaming\Python\Python38\site-packages\spacy_init_.py in
9 # These are imported as part of the API
---> 10 from thinc.neural.util import prefer_gpu, require_gpu
11

ModuleNotFoundError: No module named 'thinc.neural'

During handling of the above exception, another exception occurred:

SystemExit Traceback (most recent call last)
[... skipping hidden 1 frame]

~\AppData\Local\Temp/ipykernel_11400/2575136393.py in
----> 1 exp_nlp102 = setup(data = data, target = 'en', session_id = 123,
2 custom_stopwords = ['loan', 'income', 'usd', 'many', 'also', 'make', 'business', 'buy',
3 'sell', 'purchase','year', 'people', 'able', 'enable', 'old', 'woman',

~\AppData\Roaming\Python\Python38\site-packages\pycaret\nlp.py in setup(data, target, custom_stopwords, html, session_id, log_experiment, experiment_name, log_plots, log_data, verbose)
314 except:
--> 315 sys.exit(
316 "(Type Error): spacy english model is not yet downloaded. See the documentation of setup to see installation guide."

SystemExit: (Type Error): spacy english model is not yet downloaded. See the documentation of setup to see installation guide.

During handling of the above exception, another exception occurred:

TypeError Traceback (most recent call last)
[... skipping hidden 1 frame]

~.conda\envs\MMA\lib\site-packages\IPython\core\interactiveshell.py in showtraceback(self, exc_tuple, filename, tb_offset, exception_only, running_compiled_code)
2052 stb = ['An exception has occurred, use %tb to see '
2053 'the full traceback.\n']
-> 2054 stb.extend(self.InteractiveTB.get_exception_only(etype,
2055 value))
2056 else:

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in get_exception_only(self, etype, value)
752 value : exception value
753 """
--> 754 return ListTB.structured_traceback(self, etype, value)
755
756 def show_exception_only(self, etype, evalue):

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in structured_traceback(self, etype, evalue, etb, tb_offset, context)
627 chained_exceptions_tb_offset = 0
628 out_list = (
--> 629 self.structured_traceback(
630 etype, evalue, (etb, chained_exc_ids),
631 chained_exceptions_tb_offset, context)

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in structured_traceback(self, etype, value, tb, tb_offset, number_of_lines_of_context)
1365 else:
1366 self.tb = tb
-> 1367 return FormattedTB.structured_traceback(
1368 self, etype, value, tb, tb_offset, number_of_lines_of_context)
1369

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in structured_traceback(self, etype, value, tb, tb_offset, number_of_lines_of_context)
1265 if mode in self.verbose_modes:
1266 # Verbose modes need a full traceback
-> 1267 return VerboseTB.structured_traceback(
1268 self, etype, value, tb, tb_offset, number_of_lines_of_context
1269 )

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in structured_traceback(self, etype, evalue, etb, tb_offset, number_of_lines_of_context)
1122 """Return a nice text document describing the traceback."""
1123
-> 1124 formatted_exception = self.format_exception_as_a_whole(etype, evalue, etb, number_of_lines_of_context,
1125 tb_offset)
1126

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in format_exception_as_a_whole(self, etype, evalue, etb, number_of_lines_of_context, tb_offset)
1080
1081
-> 1082 last_unique, recursion_repeat = find_recursion(orig_etype, evalue, records)
1083
1084 frames = self.format_records(records, last_unique, recursion_repeat)

~.conda\envs\MMA\lib\site-packages\IPython\core\ultratb.py in find_recursion(etype, value, records)
380 # first frame (from in to out) that looks different.
381 if not is_recursion_error(etype, value, records):
--> 382 return len(records), 0
383
384 # Select filename, lineno, func_name to track frames with

TypeError: object of type 'NoneType' has no len()

During the Rishi's office hour a while ago, I ran the following in the terminal:
pip install -U pip setuptools wheel
pip install -U spacy
python -m spacy download en_core_web_sm

Here's a snapshot of the result:
image

Juluis Carreon

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.