Giter Site home page Giter Site logo

vi3k6i5 / guidedlda Goto Github PK

View Code? Open in Web Editor NEW
496.0 13.0 107.0 2.23 MB

semi supervised guided topic model with custom guidedLDA

License: Mozilla Public License 2.0

Python 90.31% C 8.73% Makefile 0.19% Shell 0.78%
topic-modeling guided-topic-modeling machine-learning data-science guidedlda seededlda

guidedlda's People

Contributors

amrrs avatar quettabit avatar vi3k6i5 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

guidedlda's Issues

Keyerror for words not in vocabulary

I am using a list of list for the seed words which contains some words that may not be present in the dataset. I am getting a one line "Keyerror : "পেশী" for this. I tried using try-catch in the following manner:
`for t_id, st in enumerate(seed_topic_list):

for word in st:

    try:

        seed_topics[word2id_[word]] = t_id

    except KeyError:

        print ("not in vocabulary")

        seed_topics[word2id_[word]]  = 0`

still not working. So , should I just train my Countvectorizer with the seed words?

Inaccurate comment for GuidedLDA parameters

In guidedlda/guidedlda.py, for class GuidedLDA, in the explanation:

alpha : float, default 0.1
        Dirichlet parameter for distribution over topics
eta : float, default 0.01
        Dirichlet parameter for distribution over words

But later in the constructor:

def __init__(self, n_topics, n_iter=2000, alpha=0.01, eta=0.01, random_state=None,
                 refresh=10):

Not able to install guidedlda package on Azure Databricks

Databricks Runtime Version - 6.4 (includes Apache Spark 2.4.5, Scala 2.11)
Python version - 3.7.3

Getting following error -

Py4JJavaError: An error occurred while calling o512.addIsolatedPyPILibrary.
: org.apache.spark.SparkException: Process List(/local_disk0/pythonVirtualEnvDirs/virtualEnv-50059e9f-df77-443e-ba1c-f0864815d49c/bin/python, /local_disk0/pythonVirtualEnvDirs/virtualEnv-50059e9f-df77-443e-ba1c-f0864815d49c/bin/pip, install, guidedlda, --disable-pip-version-check) exited with code 1. Failed building wheel for guidedlda
Command "/local_disk0/pythonVirtualEnvDirs/virtualEnv-50059e9f-df77-443e-ba1c-f0864815d49c/bin/python -u -c "import setuptools, tokenize;file='/tmp/pip-install-_djhf2u0/guidedlda/setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))" install --record /tmp/pip-record-yru4gj9o/install-record.txt --single-version-externally-managed --compile --install-headers /local_disk0/pythonVirtualEnvDirs/virtualEnv-50059e9f-df77-443e-ba1c-f0864815d49c/include/site/python3.7/guidedlda" failed with error code 1 in /tmp/pip-install-_djhf2u0/guidedlda/

if sparse and not np.issubdtype(doc_word.dtype, int) issue!!!!

Hey all, I ran into an issue but also found a fix! I was passing a sparse matrix into the guidedLDA and there was an error i was getting where it was raising an error due to this if statement being reached in the utils.py


def matrix_to_lists(doc_word):
    """Convert a (sparse) matrix of counts into arrays of word and doc indices

    Parameters
    ----------
    doc_word : array or sparse matrix (D, V)
        document-term matrix of counts

    Returns
    -------
    (WS, DS) : tuple of two arrays
        WS[k] contains the kth word in the corpus
        DS[k] contains the document index for the kth word

    """
    if np.count_nonzero(doc_word.sum(axis=1)) != doc_word.shape[0]:
        logger.warning("all zero row in document-term matrix found")
    if np.count_nonzero(doc_word.sum(axis=0)) != doc_word.shape[1]:
        logger.warning("all zero column in document-term matrix found")
    sparse = True
    try:
        # if doc_word is a scipy sparse matrix
        doc_word = doc_word.copy().tolil()
    except AttributeError:
        sparse = False
    if sparse and not np.issubdtype(doc_word.dtype, int):
        raise ValueError("expected sparse matrix with integer values, found float values") <-----------------------------

    ii, jj = np.nonzero(doc_word)
    if sparse:
        ss = tuple(doc_word[i, j] for i, j in zip(ii, jj))
    else:
        ss = doc_word[ii, jj]

    n_tokens = int(doc_word.sum())
    DS = np.repeat(ii, ss).astype(np.intc)
    WS = np.empty(n_tokens, dtype=np.intc)
    startidx = 0
    for i, cnt in enumerate(ss):
        cnt = int(cnt)
        WS[startidx:startidx + cnt] = jj[i]
        startidx += cnt
    return WS, DS

The reason for this is because the data type of the sparse matrix going in gets converted to a little matrix and has a np.int64 data type which does not equate to base level "int" so I had to change it to np.int 64 in order to circumvent this issue, so the new one function just has this changed


    if sparse and not np.issubdtype(doc_word.dtype, np.int64):
        raise ValueError("expected sparse matrix with integer values, found float values")

Everything now is working as usual. let me know how i can do a commit request,push request if needed as i have not done it before. I believe a better work around would be a catch all like datatype isin then a list of int versions, because they should all work with LDA.

On windows 10-python3.8.5

Seed co-presence per document.

Hello, Vikash.

To begin with, thanks for this excellent work. GuidedLDA is a really helpful and sharp tool for unsupervised "label propagation".

I'm not sure if it's really an issue, but I was wondering whether there was any way of weighting seed-term co-presence in documents. I'm working on a rather small corpus (~60,000 short comments from a change.org petition) where most of the comments mix at least two of the seeded topics.

However, when fitting the GuidedLDA model, it seems to assign the topic based on the first seed appearing in the document. This is not a problem per se, since we can retrieve the assignation values per topic per comment...

But here's the thing: the algorithm labels the comment from the first seed with a 0.9 value, when I would expect a much weaker assignation due to the co-presence of seed-terms.

Is there any way to consider this?

I'm thinking in something like the doc_topic_prior parameter, similar to Scikit's LDA implementation for the LDA's alpha parameter.

Again, thank you very much!

Guido

Are seeds only used at initialization? Then most likely this does not work.

Thank you for this repo. I looked at the source code, it seems to me that the seeds are only used at the initialization step. After that, the program will run the Monte Carlo as if it is a normal LDA. Correct me if this is not the case.

My question is, if they are only used at initialization, how do they make a difference for the final model? Although not proven explicitly, I believe in Griffiths and Steyvers (2004) (which you also refer to in the code) they claim it is a Markov chain Monte Carlo.

I also tested on a small dataset, and guidedLDA seems to give the same results as vanilla LDA.

There is (actually many version of) existing seeded LDA code on GitHub. Very unfortunately, they are all research code which has no comment, confusing parameters, and even does not compile. One of them is here:
https://github.com/artir/ramesh-acl15
The author is Arti Ramesh (http://www.cs.binghamton.edu/~artir/). It would be great if someone can translate it into a ready-to-use software.

installation error on Windows computer : pls help

Microsoft Windows [Version 10.0.15063]
(c) 2017 Microsoft Corporation. All rights reserved.

E:\NLP\LDA\code LDA\GuidedLDA_master_very_good_Oct18_2017\GuidedLDA-master>python setup.py

Installed e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg
ERROR:root:Error parsing
Traceback (most recent call last):
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\core.py", line 111, in pbr
attrs = util.cfg_to_args(path, dist.script_args)
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\util.py", line 249, in cfg_to_args
pbr.hooks.setup_hook(config)
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\hooks_init_.py", line 25, in setup_hook
metadata_config.run()
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\hooks\base.py", line 27, in run
self.hook()
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\hooks\metadata.py", line 26, in hook
self.config['name'], self.config.get('version', None))
File "e:\nlp\lda\code lda\guidedlda_master_very_good_oct18_2017\guidedlda-master.eggs\pbr-3.1.1-py3.5.egg\pbr\packaging.py", line 755, in get_version
name=package_name))
Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.
error in setup command: Error parsing E:\NLP\LDA\code LDA\GuidedLDA_master_very_good_Oct18_2017\GuidedLDA-master\setup.cfg: Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.

E:\NLP\LDA\code LDA\GuidedLDA_master_very_good_Oct18_2017\GuidedLDA-master>

Won't initialise prior distributions for seed words during .fit() method.

I had been using this perfect for a few months until this morning. I'm now running into a problem when using the .fit method and passing:

  • vectorised documents (145754 x 274185) produced using sklearn's count vectoriser.

  • seed_topics dictionary containing seed_token_id : topic_id integer pairs as outlined in the documentation.

  • seed confidence at .7

When the model is initialised, it estimates the correct number of documents and words as indicated by the vectorised documents (145754 docs x 274185 vocabulary tokens).

I receive the following warning:
~\Continuum\anaconda3\lib\site-packages\guidedlda\utils.py:55: FutureWarning: Conversion of the second argument of issubdtype from int to np.signedinteger is deprecated. In future, it will be treated as np.int32 == np.dtype(int).type.

Then I get the following error code:
model.fit(vectorisedJobs, seed_topics, seed_confidence) File "~\Continuum\anaconda3\lib\site-packages\guidedlda\guidedlda.py", line 131, in fit self._fit(X, seed_topics=seed_topics, seed_confidence=seed_confidence) File "~\Continuum\anaconda3\lib\site-packages\guidedlda\guidedlda.py", line 241, in _fit self._initialize(X, seed_topics, seed_confidence) File "~\Continuum\anaconda3\lib\site-packages\guidedlda\guidedlda.py", line 301, in _initialize if w not in seed_topics: TypeError: argument of type 'float' is not iterable

I'm not sure if the warning pointing to a deprecation on line 55 of utils.py during the utils.matrix_to_lists() method is the root of the problem I'm experiencing or not. I'm pretty sure the problem isn't on my side because this code was running perfectly not that long ago.

Thanks for any help in advance!

-D

seeded topics words are not getting importance

Hi @vi3k6i5 ,

I'm trying guided lda on six reviews data by initializing seed confiedence of 0.15, but they are not moving up the list as expected.

code below:

df = pd.DataFrame(corpus,columns=['Review'])

import spacy

nlp = spacy.load("en_core_web_sm")

from spacy.lang.en.stop_words import STOP_WORDS
from spacy.lang.en import English
import string
from unidecode import unidecode
import unicodedata

punctuations = string.punctuation
stopwords = list(STOP_WORDS)

stopwords = set(stopwords)-{'not','on'}

parser = English()
def spacy_tokenizer(sentence):
mytokens = parser(sentence)
mytokens = [ word.lemma_.lower().strip() if (word.lemma_ != "-PRON-" or word.lemma_ != "-X-") else word.lower_ for word in mytokens ]
mytokens = [ word for word in mytokens if word not in stopwords and word not in punctuations ]
#mytokens = remPunct(remNumbers(remNonAscii(mytokens)))
mytokens = " ".join([i for i in mytokens])
return mytokens

from tqdm import tqdm
tqdm.pandas()
df["cleaned_review"] = df['Review'].progress_apply(spacy_tokenizer)

all_review_list = [ review.split(' ') for review in df['cleaned_review']]

import nltk
from nltk.corpus import stopwords
from nltk.stem import PorterStemmer
from nltk.tokenize import WordPunctTokenizer
from nltk.collocations import BigramCollocationFinder
from nltk.metrics import BigramAssocMeasures

def get_bigrams(tokens):
bigram_finder = BigramCollocationFinder.from_words(tokens)
bigrams = bigram_finder.nbest(BigramAssocMeasures.chi_sq, 500)

for bigram_tuple in bigrams:
    x = ' '.join(bigram_tuple)
    tokens.append(x)

return tokens

import gensim

def bigrams(words, bi_min=10, tri_min=10):
bigram = gensim.models.Phrases(words, min_count = bi_min)
bigram_mod = gensim.models.phrases.Phraser(bigram)
return bigram_mod

def get_corpus(words):
bigram_mod = bigrams(words)
bigram = [bigram_mod[review] for review in words]
final_bigram = []
for gram in bigram:
try:
d = get_bigrams(gram)
except:
final_bigram.append(gram)
continue
final_bigram.append(d)

filtered_bigram = [[j for j in i if (j not in ['not','only','on'] and j.isdigit() == False)] for i in final_bigram]
id2word = gensim.corpora.Dictionary(final_bigram)
#id2word.filter_extremes(no_below=10, no_above=0.35)
id2word.compactify()
corpus = [id2word.doc2bow(text) for text in final_bigram]
return corpus, id2word, filtered_bigram  

train_corpus, train_id2word, bigram_train = get_corpus(all_review_list)

vocab = []
for i in range(len(train_id2word)):
vocab.append(train_id2word[i])

import numpy as np
from gensim import matutils
from gensim.matutils import corpus2csc

def bow_iterator(docs, dictionary):
for doc in docs:
yield dictionary.doc2bow(doc)

def get_term_matrix(msgs, dictionary):
bow = bow_iterator(msgs, dictionary)
X = np.transpose(matutils.corpus2csc(bow).astype(np.int64))
return X

X = get_term_matrix(bigram_train, train_id2word)

import guidedlda
model = guidedlda.GuidedLDA(n_topics=2, n_iter=100, random_state=42, refresh=20)
model.fit(X)

topic_word = model.topic_word_
n_top_words = 20
for i, topic_dist in enumerate(topic_word):
topic_words = np.array(vocab)[np.argsort(topic_dist)][:-(n_top_words+1):-1]
print('Topic {}: {}'.format(i, ','.join(topic_words)))

seed_topic_list = [['late pickup','point nearly','arrive 1hour','30min destination'],['accord time','hour not','time schedule'] ]

model = guidedlda.GuidedLDA(n_topics=2, n_iter=100, random_state=7, refresh=20)

word2id = dict((v, idx) for idx, v in enumerate(vocab))

seed_topics = {}
for t_id, st in enumerate(seed_topic_list):
for word in st:
seed_topics[word2id[word]] = t_id

model.fit(X, seed_topics=seed_topics, seed_confidence=0.15)

topic_word = model.topic_word_
n_top_words = 20
for i, topic_dist in enumerate(topic_word):
topic_words = np.array(vocab)[np.argsort(topic_dist)][:-(n_top_words+1):-1]
print('Topic {}: {}'.format(i, ','.join(topic_words)))

Problem in installing guidedlda

I am using macOS Mojave Version 10.14.5 and Python 3.6.8 and trying to run the code on anaconda3.
Both methods did not work for me.

ERROR: Command errored out with exit status 1:
command: /Users/alt-code/anaconda3/bin/python -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/Users/alt-code/Documents/GuidedLDA/setup.py'"'"'; file='"'"'/Users/alt-code/Documents/GuidedLDA/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' egg_info
cwd: /Users/alt-code/Documents/GuidedLDA/
Complete output (16 lines):
ERROR:root:Error parsing
Traceback (most recent call last):
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/core.py", line 96, in pbr
attrs = util.cfg_to_args(path, dist.script_args)
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/util.py", line 270, in cfg_to_args
pbr.hooks.setup_hook(config)
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/hooks/init.py", line 25, in setup_hook
metadata_config.run()
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/hooks/base.py", line 27, in run
self.hook()
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/hooks/metadata.py", line 26, in hook
self.config['name'], self.config.get('version', None))
File "/Users/alt-code/Documents/GuidedLDA/.eggs/pbr-5.4.2-py3.6.egg/pbr/packaging.py", line 874, in get_version
name=package_name))
Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.
error in setup command: Error parsing /Users/alt-code/Documents/GuidedLDA/setup.cfg: Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.
----------------------------------------
ERROR: Command errored out with exit status 1: python setup.py egg_info Check the logs for full command output.

Shen

Hello,

I was trying to install the package after failing to install using pip and received the following error. I'm on Mac OS and using python 3.7.

Thanks!

$ sh build_dist.sh
find guidedlda -name "*.pyx" -exec cython {} ;
Ok to continue (y/n)? y
Building distribution
ERROR:root:Error parsing
Traceback (most recent call last):
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/core.py", line 96, in pbr
attrs = util.cfg_to_args(path, dist.script_args)
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/util.py", line 271, in cfg_to_args
pbr.hooks.setup_hook(config)
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/hooks/init.py", line 25, in setup_hook
metadata_config.run()
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/hooks/base.py", line 27, in run
self.hook()
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/hooks/metadata.py", line 26, in hook
self.config['name'], self.config.get('version', None))
File "/Users/a658265/.conda/envs/md_email4/lib/python3.7/site-packages/pbr/packaging.py", line 876, in get_version
name=package_name))
Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.
error in setup command: Error parsing /Users/a658265/Documents/Argus/Service Model Opt/GuidedLDA-master/setup.cfg: Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.

About seed words information

If I understand the algorithm correctly, does the algorithm use seed words information for initialization only?

In _fit function, before iterating algorithm, we do the initialization where we assign topics to the words according to the belonging to seed words. Below is the line I just mentioned

self._initialize(X, seed_topics, seed_confidence)

However, I noticed that there is this one step that uses the seed words. After this initialization, while iterating, the algorithm do the classic collapsed Gibbs sampling. Is my understanding correct? If it is correct, why seed words are not used while iterating?

Thank you in advance

Seed Confidence

Hello, could you explain a bit more about the way the seed_confidence parameter works?

I've been measuring convergence on a large corpus (public company earnings calls) by ranking likelihood and assigning points to topics where the seeded words are more likely to be in their seeded topic. As I tested different seed_confidence values I realized that the lower values were returning better convergence scores, which isn't what I expected.

Here's where the seed_confidence parameter is implemented:
if w in seed_topics and random.random() < seed_confidence:
z_new = seed_topics[w]
else:
z_new = i % n_topics

If I understand this correctly then a seed_confidence value of 1 should assign seed words to the seeded topic every time. A value of 0 would make every seed word randomly assigned. So am I getting better convergence with no seeding? Or do I not understand how the seed_confidence parameter works?

GuidedLDA won't install

Hi,

first off, thank you so much for GuidedLDA. I believe it is great and would really love to use it for my master thesis. However, I am having trouble installing it. I tried both pip install guidedlda and the following as mentioned in the documentation:

https://github.com/vi3k6i5/GuidedLDA
cd GuidedLDA
sh build_dist.sh
python setup.py sdist
pip install -e .

Anaconda command prompt throws the following issue when I try to execute the above:

`Collecting guidedlda
  Using cached https://files.pythonhosted.org/packages/f8/ee/6d6e2b3525388399e12a4482554c7529a5fcf5e99c50a60abaa02894b8bf/guidedlda-2.0.0.dev22.tar.gz
Requirement already satisfied: numpy in c:\programdata\anaconda3\lib\site-packages (from guidedlda) (1.16.5)
Building wheels for collected packages: guidedlda
  Building wheel for guidedlda (setup.py) ... error
  ERROR: Command errored out with exit status 1:
   command: 'C:\ProgramData\Anaconda3\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"'; __file__='"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' bdist_wheel -d 'C:\Users\ekorm\AppData\Local\Temp\pip-wheel-4sr9_6o9' --python-tag cp37
       cwd: C:\Users\ekorm\AppData\Local\Temp\pip-install-pch_gkll\guidedlda\
  Complete output (92 lines):
  running bdist_wheel
  running build
  running build_py
  creating build
  creating build\lib.win-amd64-3.7
  creating build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\datasets.py -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\guidedlda.py -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\utils.py -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\_setup_hooks.py -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\__init__.py -> build\lib.win-amd64-3.7\guidedlda
  creating build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_datasets.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_lda.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_lda_reuters.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_lda_sparse.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_lda_transform.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\test_utils.py -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\__init__.py -> build\lib.win-amd64-3.7\guidedlda\tests
  running egg_info
  writing guidedlda.egg-info\PKG-INFO
  writing dependency_links to guidedlda.egg-info\dependency_links.txt
  writing requirements to guidedlda.egg-info\requires.txt
  writing top-level names to guidedlda.egg-info\top_level.txt
  [pbr] Reusing existing SOURCES.txt
  copying guidedlda\_guidedlda.c -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\_guidedlda.pyx -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\gamma.c -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\gamma.h -> build\lib.win-amd64-3.7\guidedlda
  copying guidedlda\tests\nyt.ldac -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\nyt.titles -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\nyt.tokens -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\reuters.ldac -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\reuters.titles -> build\lib.win-amd64-3.7\guidedlda\tests
  copying guidedlda\tests\reuters.tokens -> build\lib.win-amd64-3.7\guidedlda\tests
  running build_ext
  building 'guidedlda._guidedlda' extension
  creating build\temp.win-amd64-3.7
  creating build\temp.win-amd64-3.7\Release
  creating build\temp.win-amd64-3.7\Release\guidedlda
  C:\Program Files (x86)\Microsoft Visual Studio 14.0\VC\BIN\x86_amd64\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\ProgramData\Anaconda3\include -IC:\ProgramData\Anaconda3\include "-IC:\Program Files (x86)\Microsoft Visual Studio 14.0\VC\INCLUDE" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.10240.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\shared" "-IC:\Program Files (x86)\Windows Kits\8.1\include\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\winrt" /Tcguidedlda/_guidedlda.c /Fobuild\temp.win-amd64-3.7\Release\guidedlda/_guidedlda.obj
  _guidedlda.c
  guidedlda/_guidedlda.c(2277): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(2286): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(2295): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(2667): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(2676): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(2685): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
  guidedlda/_guidedlda.c(18745): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18746): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18747): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18754): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18755): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18756): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18757): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18758): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18759): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18814): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18815): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18816): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18817): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18818): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18819): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18841): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18842): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18843): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18844): error C2039: 'exc_type': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18845): error C2039: 'exc_value': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  guidedlda/_guidedlda.c(18846): error C2039: 'exc_traceback': is not a member of '_ts'
  c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
  error: command 'C:\\Program Files (x86)\\Microsoft Visual Studio 14.0\\VC\\BIN\\x86_amd64\\cl.exe' failed with exit status 2
  ----------------------------------------
  ERROR: Failed building wheel for guidedlda
  Running setup.py clean for guidedlda
Failed to build guidedlda
Installing collected packages: guidedlda
  Running setup.py install for guidedlda ... error
    ERROR: Command errored out with exit status 1:
     command: 'C:\ProgramData\Anaconda3\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"'; __file__='"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\ekorm\AppData\Local\Temp\pip-record-6srcwdwy\install-record.txt' --single-version-externally-managed --compile
         cwd: C:\Users\ekorm\AppData\Local\Temp\pip-install-pch_gkll\guidedlda\
    Complete output (94 lines):
    running install
    [pbr] Generating AUTHORS
    [pbr] AUTHORS complete (0.0s)
    running build
    running build_py
    creating build
    creating build\lib.win-amd64-3.7
    creating build\lib.win-amd64-3.7\guidedlda
    creating build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_datasets.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_lda.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_lda_reuters.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_lda_sparse.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_lda_transform.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\test_utils.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\__init__.py -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\datasets.py -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\guidedlda.py -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\utils.py -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\_setup_hooks.py -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\__init__.py -> build\lib.win-amd64-3.7\guidedlda
    running egg_info
    writing guidedlda.egg-info\PKG-INFO
    writing dependency_links to guidedlda.egg-info\dependency_links.txt
    writing requirements to guidedlda.egg-info\requires.txt
    writing top-level names to guidedlda.egg-info\top_level.txt
    [pbr] Reusing existing SOURCES.txt
    copying guidedlda\tests\nyt.ldac -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\nyt.titles -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\nyt.tokens -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\reuters.ldac -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\reuters.titles -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\tests\reuters.tokens -> build\lib.win-amd64-3.7\guidedlda\tests
    copying guidedlda\_guidedlda.c -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\_guidedlda.pyx -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\gamma.c -> build\lib.win-amd64-3.7\guidedlda
    copying guidedlda\gamma.h -> build\lib.win-amd64-3.7\guidedlda
    running build_ext
    building 'guidedlda._guidedlda' extension
    creating build\temp.win-amd64-3.7
    creating build\temp.win-amd64-3.7\Release
    creating build\temp.win-amd64-3.7\Release\guidedlda
    C:\Program Files (x86)\Microsoft Visual Studio 14.0\VC\BIN\x86_amd64\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\ProgramData\Anaconda3\include -IC:\ProgramData\Anaconda3\include "-IC:\Program Files (x86)\Microsoft Visual Studio 14.0\VC\INCLUDE" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.10240.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\shared" "-IC:\Program Files (x86)\Windows Kits\8.1\include\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\winrt" /Tcguidedlda/_guidedlda.c /Fobuild\temp.win-amd64-3.7\Release\guidedlda/_guidedlda.obj
    _guidedlda.c
    guidedlda/_guidedlda.c(2277): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(2286): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(2295): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(2667): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(2676): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(2685): warning C4244: '=': conversion from 'Py_ssize_t' to 'int', possible loss of data
    guidedlda/_guidedlda.c(18745): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18746): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18747): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18754): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18755): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18756): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18757): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18758): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18759): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18814): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18815): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18816): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18817): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18818): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18819): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18841): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18842): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18843): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18844): error C2039: 'exc_type': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18845): error C2039: 'exc_value': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    guidedlda/_guidedlda.c(18846): error C2039: 'exc_traceback': is not a member of '_ts'
    c:\programdata\anaconda3\include\pystate.h(212): note: see declaration of '_ts'
    error: command 'C:\\Program Files (x86)\\Microsoft Visual Studio 14.0\\VC\\BIN\\x86_amd64\\cl.exe' failed with exit status 2
    ----------------------------------------
ERROR: Command errored out with exit status 1: 'C:\ProgramData\Anaconda3\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"'; __file__='"'"'C:\\Users\\ekorm\\AppData\\Local\\Temp\\pip-install-pch_gkll\\guidedlda\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\ekorm\AppData\Local\Temp\pip-record-6srcwdwy\install-record.txt' --single-version-externally-managed --compile Check the logs for full command output.
`

I really hope you can help, I am analyzing a large body of text and my unsupervised LDA topics are really sucky

Thank you so much in advance!
I am running Win10 and Python and Anaconda 3.

How to use one dataset other than the ones already existing in guidelda dataset

I am trying to use guidedlda for one of my data set, but to create the variable 'X' while training the model it is giving problems.
AttributeError
Traceback (most recent call last)
in ()
20 ['price','value','cheap','bill','cost']]
21
---> 22 X=guidedlda.datasets.load_data(guidedlda.datasets.user_rev_spec_ofc_B002O3W4LE_4398.txt)
23
24 word2id = dict((v, idx) for idx, v in enumerate(vocab))

AttributeError: module 'guidedlda.datasets' has no attribute 'user_rev_spec_ofc_B002O3W4LE_4398'

how to process the text file into the dataset.py

I cannot install guidedlda in linux

Hi guys,

I am trying to install guidedlda in linux but I cannot manage it. Who could help me? Below you can see the ERROR-message.

Thanks a lot,
Eva

ERROR: Command errored out with exit status 1: /home/evanthia/anaconda3/bin/python3 -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-yn02ewpf/guidedlda/setup.py'"'"'; file='"'"'/tmp/pip-install-yn02ewpf/guidedlda/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record /tmp/pip-record-kysw5e19/install-record.txt --single-version-externally-managed --compile --install-headers /home/evanthia/anaconda3/include/python3.7m/guidedlda Check the logs for full command output.

Can't install on macOS python3.7

Hi! Still have problems with installation. Issue #30 and #24 didn't work for me

find guidedlda -name "*.pyx" -exec cython {} ;

Ok to continue (y/n)? y
Building distribution
running clean
removing 'build/temp.macosx-10.7-x86_64-3.7' (and everything under it)
running build_ext
building 'guidedlda._guidedlda' extension
creating build/temp.macosx-10.7-x86_64-3.7
creating build/temp.macosx-10.7-x86_64-3.7/guidedlda
gcc -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -I/Users/alinacodzy/anaconda3/include -arch x86_64 -I/Users/alinacodzy/anaconda3/include -arch x86_64 -I/Users/alinacodzy/anaconda3/include/python3.7m -c guidedlda/_guidedlda.c -o build/temp.macosx-10.7-x86_64-3.7/guidedlda/_guidedlda.o
guidedlda/_guidedlda.c:2171:13: warning: code will never be executed [-Wunreachable-code]
__pyx_r = 0;
^
1 warning generated.
gcc -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -I/Users/alinacodzy/anaconda3/include -arch x86_64 -I/Users/alinacodzy/anaconda3/include -arch x86_64 -I/Users/alinacodzy/anaconda3/include/python3.7m -c guidedlda/gamma.c -o build/temp.macosx-10.7-x86_64-3.7/guidedlda/gamma.o
gcc -bundle -undefined dynamic_lookup -L/Users/alinacodzy/anaconda3/lib -arch x86_64 -L/Users/alinacodzy/anaconda3/lib -arch x86_64 -arch x86_64 build/temp.macosx-10.7-x86_64-3.7/guidedlda/_guidedlda.o build/temp.macosx-10.7-x86_64-3.7/guidedlda/gamma.o -o build/lib.macosx-10.7-x86_64-3.7/guidedlda/_guidedlda.cpython-37m-darwin.so
copying build/lib.macosx-10.7-x86_64-3.7/guidedlda/_guidedlda.cpython-37m-darwin.so -> guidedlda
running sdist
error: error in setup.cfg: command 'sdist' has no such option 'pre_hook.sdist_pre_hook'

Python 3.7.1
Cython 0.29.2

Using Partial Seeded Topic Modelling

Hello,
I'm trying to run the seeded topic modeling for 40 topics but just seeding 20 topics and allowing the algorithm to learn other 20 topics. However, I'm unable to figure out which topics are seeded topics and which are not seeded topics in the end output. It would be very helpful if you have a simple work around in the package.
Thanks

macos pyenv 3.7.3 pip install error

hi,
I wanna install this package by pip manager but execution command (pip install guidedlda) return error

Collecting guidedlda
  Downloading https://files.pythonhosted.org/packages/f8/ee/6d6e2b3525388399e12a4482554c7529a5fcf5e99c50a60abaa02894b8bf/guidedlda-2.0.0.dev22.tar.gz (2.1MB)
     |████████████████████████████████| 2.1MB 592kB/s
Requirement already satisfied: numpy in /Users/user/.pyenv/versions/3.7.3/lib/python3.7/site-packages (from guidedlda) (1.16.3)
Installing collected packages: guidedlda
  Running setup.py install for guidedlda ... error
    ERROR: Complete output from command /Users/user/.pyenv/versions/3.7.3/bin/python3.7 -u -c 'import setuptools, tokenize;__file__='"'"'/private/var/folders/3_/53kvmk1x3jsc6d0zgqz1pfp80000gp/T/pip-install-gu49hipt/guidedlda/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /private/var/folders/3_/53kvmk1x3jsc6d0zgqz1pfp80000gp/T/pip-record-n9y57vk2/install-record.txt --single-version-externally-managed --compile:
    ERROR: running install
    [pbr] Generating AUTHORS
    [pbr] AUTHORS complete (0.0s)
    running build
    running build_py
    creating build
    creating build/lib.macosx-10.14-x86_64-3.7
    creating build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/_setup_hooks.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/datasets.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/guidedlda.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/__init__.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/utils.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    creating build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_utils.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_datasets.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/__init__.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_reuters.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_guidedlda_nyt.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_transform.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_sparse.py -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    running egg_info
    writing guidedlda.egg-info/PKG-INFO
    writing dependency_links to guidedlda.egg-info/dependency_links.txt
    writing requirements to guidedlda.egg-info/requires.txt
    writing top-level names to guidedlda.egg-info/top_level.txt
    [pbr] Reusing existing SOURCES.txt
    copying guidedlda/_guidedlda.c -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/_guidedlda.pyx -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/gamma.c -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/gamma.h -> build/lib.macosx-10.14-x86_64-3.7/guidedlda
    copying guidedlda/tests/nyt.ldac -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/nyt.titles -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/nyt.tokens -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.ldac -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.titles -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.tokens -> build/lib.macosx-10.14-x86_64-3.7/guidedlda/tests
    running build_ext
    building 'guidedlda._guidedlda' extension
    creating build/temp.macosx-10.14-x86_64-3.7
    creating build/temp.macosx-10.14-x86_64-3.7/guidedlda
    clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/user/.pyenv/versions/3.7.3/include/python3.7m -c guidedlda/_guidedlda.c -o build/temp.macosx-10.14-x86_64-3.7/guidedlda/_guidedlda.o
    guidedlda/_guidedlda.c:1944:13: warning: code will never be executed [-Wunreachable-code]
      __pyx_r = 0;
                ^
    guidedlda/_guidedlda.c:18745:21: error: no member named 'exc_type' in 'struct _ts'
        *type = tstate->exc_type;
                ~~~~~~  ^
    guidedlda/_guidedlda.c:18746:22: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        *value = tstate->exc_value;
                         ^~~~~~~~~
                         curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18747:19: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        *tb = tstate->exc_traceback;
                      ^~~~~~~~~~~~~
                      curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18754:24: error: no member named 'exc_type' in 'struct _ts'
        tmp_type = tstate->exc_type;
                   ~~~~~~  ^
    guidedlda/_guidedlda.c:18755:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        tmp_value = tstate->exc_value;
                            ^~~~~~~~~
                            curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18756:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        tmp_tb = tstate->exc_traceback;
                         ^~~~~~~~~~~~~
                         curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18757:13: error: no member named 'exc_type' in 'struct _ts'
        tstate->exc_type = type;
        ~~~~~~  ^
    guidedlda/_guidedlda.c:18758:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        tstate->exc_value = value;
                ^~~~~~~~~
                curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18759:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        tstate->exc_traceback = tb;
                ^~~~~~~~~~~~~
                curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18814:24: error: no member named 'exc_type' in 'struct _ts'
        tmp_type = tstate->exc_type;
                   ~~~~~~  ^
    guidedlda/_guidedlda.c:18815:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        tmp_value = tstate->exc_value;
                            ^~~~~~~~~
                            curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18816:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        tmp_tb = tstate->exc_traceback;
                         ^~~~~~~~~~~~~
                         curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18817:13: error: no member named 'exc_type' in 'struct _ts'
        tstate->exc_type = local_type;
        ~~~~~~  ^
    guidedlda/_guidedlda.c:18818:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        tstate->exc_value = local_value;
                ^~~~~~~~~
                curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18819:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        tstate->exc_traceback = local_tb;
                ^~~~~~~~~~~~~
                curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18841:24: error: no member named 'exc_type' in 'struct _ts'
        tmp_type = tstate->exc_type;
                   ~~~~~~  ^
    guidedlda/_guidedlda.c:18842:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
        tmp_value = tstate->exc_value;
                            ^~~~~~~~~
                            curexc_value
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
        PyObject *curexc_value;
                  ^
    guidedlda/_guidedlda.c:18843:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
        tmp_tb = tstate->exc_traceback;
                         ^~~~~~~~~~~~~
                         curexc_traceback
    /Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
        PyObject *curexc_traceback;
                  ^
    guidedlda/_guidedlda.c:18844:13: error: no member named 'exc_type' in 'struct _ts'
        tstate->exc_type = *type;
        ~~~~~~  ^
    fatal error: too many errors emitted, stopping now [-ferror-limit=]
    1 warning and 20 errors generated.
    error: command 'clang' failed with exit status 1
    ----------------------------------------
ERROR: Command "/Users/user/.pyenv/versions/3.7.3/bin/python3.7 -u -c 'import setuptools, tokenize;__file__='"'"'/private/var/folders/3_/53kvmk1x3jsc6d0zgqz1pfp80000gp/T/pip-install-gu49hipt/guidedlda/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /private/var/folders/3_/53kvmk1x3jsc6d0zgqz1pfp80000gp/T/pip-record-n9y57vk2/install-record.txt --single-version-externally-managed --compile" failed with error code 1 in /private/var/folders/3_/53kvmk1x3jsc6d0zgqz1pfp80000gp/T/pip-install-gu49hipt/guidedlda/

I try to compile this repo but sh build_dist.sh return the same problem:

find guidedlda -name "*.pyx" -exec cython {} \;
find: cython: No such file or directory
Ok to continue (y/n)? y
Building distribution
running clean
removing 'build/temp.macosx-10.14-x86_64-3.7' (and everything under it)
removing 'build'
running build_ext
building 'guidedlda._guidedlda' extension
creating build
creating build/temp.macosx-10.14-x86_64-3.7
creating build/temp.macosx-10.14-x86_64-3.7/guidedlda
clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/user/.pyenv/versions/3.7.3/include/python3.7m -c guidedlda/_guidedlda.c -o build/temp.macosx-10.14-x86_64-3.7/guidedlda/_guidedlda.o
guidedlda/_guidedlda.c:1944:13: warning: code will never be executed [-Wunreachable-code]
  __pyx_r = 0;
            ^
guidedlda/_guidedlda.c:18745:21: error: no member named 'exc_type' in 'struct _ts'
    *type = tstate->exc_type;
            ~~~~~~  ^
guidedlda/_guidedlda.c:18746:22: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    *value = tstate->exc_value;
                     ^~~~~~~~~
                     curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18747:19: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    *tb = tstate->exc_traceback;
                  ^~~~~~~~~~~~~
                  curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18754:24: error: no member named 'exc_type' in 'struct _ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
guidedlda/_guidedlda.c:18755:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18756:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18757:13: error: no member named 'exc_type' in 'struct _ts'
    tstate->exc_type = type;
    ~~~~~~  ^
guidedlda/_guidedlda.c:18758:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    tstate->exc_value = value;
            ^~~~~~~~~
            curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18759:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18814:24: error: no member named 'exc_type' in 'struct _ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
guidedlda/_guidedlda.c:18815:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18816:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18817:13: error: no member named 'exc_type' in 'struct _ts'
    tstate->exc_type = local_type;
    ~~~~~~  ^
guidedlda/_guidedlda.c:18818:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    tstate->exc_value = local_value;
            ^~~~~~~~~
            curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18819:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = local_tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18841:24: error: no member named 'exc_type' in 'struct _ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
guidedlda/_guidedlda.c:18842:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
guidedlda/_guidedlda.c:18843:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/user/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
guidedlda/_guidedlda.c:18844:13: error: no member named 'exc_type' in 'struct _ts'
    tstate->exc_type = *type;
    ~~~~~~  ^
fatal error: too many errors emitted, stopping now [-ferror-limit=]
1 warning and 20 errors generated.
error: command 'clang' failed with exit status 1

My python environment:

$pyenv --version
pyenv 1.2.11
$pyenv versions
  system
  2.7.15
  3.7.2
* 3.7.3 (set by /Users/user/Downloads/GuidedLDA/.python-version)

my os version:

$system_profiler SPSoftwareDataType
Software:

    System Software Overview:

      System Version: macOS 10.14.4 (18E226)
      Kernel Version: Darwin 18.5.0
      Boot Volume: Macintosh HD
      Boot Mode: Normal
      Computer Name: my-mac
      User Name: user (user)
      Secure Virtual Memory: Enabled
      System Integrity Protection: Enabled
      Time since boot: 3 days 14:59

Potential issue

In your readme for the guidedlda module you showed the behaviour of the algorithm on the NYT dataset. I tried running the example code you provided, with the same seeds and parameters, but increasing the lda's number of iterations from 100 to 1000. Doing this I obtained very similar topics for the guided and unguided topics.

The topics were, for the unguided lda
Topic 0: company percent market business price sell executive president
Topic 1: game play team win season player second victory
Topic 2: life play man write woman thing young child
Topic 3: building city place area small house water home
Topic 4: official state government issue case member public political

and for the guided lda
Topic 0: game play team win player season second start victory point
Topic 1: company percent market price business sell executive sale buy cost
Topic 2: life play man thing woman write book old young world
Topic 3: official state government issue case political public states member leader
Topic 4: city building police area home house car father live yesterday

These topics are pretty much identical (the ordering of a few words in the topics is different). This suggests, that the algorithm you have implemented, when run to convergence, is identical to the regular lda.

If my understanding is correct, the algorithm described in Jagadeesh Jagarlamudi, Hal Daume III and Raghavendra Udupa (2012) is more involved, and requires a change to the generative model and thus to the collapsed gibbs sampling formula. Your algorithm seems to only be using the seed for the initialization.

I was wondering if you could shed some lights on these issues?

guidedlda won't install

I have installed visual build tools 2019 and still won't work
when I run this command in anaconda command prompt:
pip install guidedlda

it gives me this error:

(base) C:\Users\tmc>pip install guidedlda
Collecting guidedlda
Using cached https://files.pythonhosted.org/packages/f8/ee/6d6e2b3525388399e12
a4482554c7529a5fcf5e99c50a60abaa02894b8bf/guidedlda-2.0.0.dev22.tar.gz
Requirement already satisfied: numpy in c:\users\tmc\anaconda3\lib\site-packages
(from guidedlda) (1.16.2)
Building wheels for collected packages: guidedlda
Building wheel for guidedlda (setup.py) ... error
Complete output from command C:\Users\tmc\Anaconda3\python.exe -u -c "import s
etuptools, tokenize;file='C:\Users\tmc\AppData\Local\Temp\pip-install-
qfynn0u2\guidedlda\setup.py';f=getattr(tokenize, 'open', open)(file);code=
f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))"
bdist_wheel -d C:\Users\tmc\AppData\Local\Temp\pip-wheel-ve_gmxyu --python-tag c
p36:
running bdist_wheel
running build
running build_py
creating build
creating build\lib.win-amd64-3.6
creating build\lib.win-amd64-3.6\guidedlda
copying guidedlda\datasets.py -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda\guidedlda.py -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda\utils.py -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda_setup_hooks.py -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda_init_.py -> build\lib.win-amd64-3.6\guidedlda
creating build\lib.win-amd64-3.6\guidedlda\tests
copying guidedlda\tests\test_datasets.py -> build\lib.win-amd64-3.6\guidedlda
tests
copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win-amd64-3.6\guide
dlda\tests
copying guidedlda\tests\test_lda.py -> build\lib.win-amd64-3.6\guidedlda\tests

copying guidedlda\tests\test_lda_reuters.py -> build\lib.win-amd64-3.6\guidedl
da\tests
copying guidedlda\tests\test_lda_sparse.py -> build\lib.win-amd64-3.6\guidedld
a\tests
copying guidedlda\tests\test_lda_transform.py -> build\lib.win-amd64-3.6\guide
dlda\tests
copying guidedlda\tests\test_utils.py -> build\lib.win-amd64-3.6\guidedlda\tes
ts
copying guidedlda\tests_init_.py -> build\lib.win-amd64-3.6\guidedlda\tests

running egg_info
writing guidedlda.egg-info\PKG-INFO
writing dependency_links to guidedlda.egg-info\dependency_links.txt
writing requirements to guidedlda.egg-info\requires.txt
writing top-level names to guidedlda.egg-info\top_level.txt
[pbr] Reusing existing SOURCES.txt
copying guidedlda_guidedlda.c -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda_guidedlda.pyx -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda\gamma.c -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda\gamma.h -> build\lib.win-amd64-3.6\guidedlda
copying guidedlda\tests\nyt.ldac -> build\lib.win-amd64-3.6\guidedlda\tests
copying guidedlda\tests\nyt.titles -> build\lib.win-amd64-3.6\guidedlda\tests
copying guidedlda\tests\nyt.tokens -> build\lib.win-amd64-3.6\guidedlda\tests
copying guidedlda\tests\reuters.ldac -> build\lib.win-amd64-3.6\guidedlda\test
s
copying guidedlda\tests\reuters.titles -> build\lib.win-amd64-3.6\guidedlda\te
sts
copying guidedlda\tests\reuters.tokens -> build\lib.win-amd64-3.6\guidedlda\te
sts
running build_ext
building 'guidedlda._guidedlda' extension
error: Microsoft Visual C++ 14.0 is required. Get it with "Microsoft Visual C+

  • Build Tools": https://visualstudio.microsoft.com/downloads/


    Failed building wheel for guidedlda
    Running setup.py clean for guidedlda
    Failed to build guidedlda
    Installing collected packages: guidedlda
    Running setup.py install for guidedlda ... error
    Complete output from command C:\Users\tmc\Anaconda3\python.exe -u -c "import
    setuptools, tokenize;file='C:\Users\tmc\AppData\Local\Temp\pip-instal
    l-qfynn0u2\guidedlda\setup.py';f=getattr(tokenize, 'open', open)(file);cod
    e=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))
    " install --record C:\Users\tmc\AppData\Local\Temp\pip-record-zyi6xe47\install-r
    ecord.txt --single-version-externally-managed --compile:
    running install
    [pbr] Generating AUTHORS
    [pbr] AUTHORS complete (0.0s)
    running build
    running build_py
    creating build
    creating build\lib.win-amd64-3.6
    creating build\lib.win-amd64-3.6\guidedlda
    creating build\lib.win-amd64-3.6\guidedlda\tests
    copying guidedlda\tests\test_datasets.py -> build\lib.win-amd64-3.6\guidedld
    a\tests
    copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win-amd64-3.6\gui
    dedlda\tests
    copying guidedlda\tests\test_lda.py -> build\lib.win-amd64-3.6\guidedlda\tes
    ts
    copying guidedlda\tests\test_lda_reuters.py -> build\lib.win-amd64-3.6\guide
    dlda\tests
    copying guidedlda\tests\test_lda_sparse.py -> build\lib.win-amd64-3.6\guided
    lda\tests
    copying guidedlda\tests\test_lda_transform.py -> build\lib.win-amd64-3.6\gui
    dedlda\tests
    copying guidedlda\tests\test_utils.py -> build\lib.win-amd64-3.6\guidedlda\t
    ests
    copying guidedlda\tests_init_.py -> build\lib.win-amd64-3.6\guidedlda\tes
    ts
    copying guidedlda\datasets.py -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda\guidedlda.py -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda\utils.py -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda_setup_hooks.py -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda_init_.py -> build\lib.win-amd64-3.6\guidedlda
    running egg_info
    writing guidedlda.egg-info\PKG-INFO
    writing dependency_links to guidedlda.egg-info\dependency_links.txt
    writing requirements to guidedlda.egg-info\requires.txt
    writing top-level names to guidedlda.egg-info\top_level.txt
    [pbr] Reusing existing SOURCES.txt
    copying guidedlda\tests\nyt.ldac -> build\lib.win-amd64-3.6\guidedlda\tests
    copying guidedlda\tests\nyt.titles -> build\lib.win-amd64-3.6\guidedlda\test
    s
    copying guidedlda\tests\nyt.tokens -> build\lib.win-amd64-3.6\guidedlda\test
    s
    copying guidedlda\tests\reuters.ldac -> build\lib.win-amd64-3.6\guidedlda\te
    sts
    copying guidedlda\tests\reuters.titles -> build\lib.win-amd64-3.6\guidedlda
    tests
    copying guidedlda\tests\reuters.tokens -> build\lib.win-amd64-3.6\guidedlda
    tests
    copying guidedlda_guidedlda.c -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda_guidedlda.pyx -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda\gamma.c -> build\lib.win-amd64-3.6\guidedlda
    copying guidedlda\gamma.h -> build\lib.win-amd64-3.6\guidedlda
    running build_ext
    building 'guidedlda._guidedlda' extension
    error: Microsoft Visual C++ 14.0 is required. Get it with "Microsoft Visual
    C++ Build Tools": https://visualstudio.microsoft.com/downloads/


Command "C:\Users\tmc\Anaconda3\python.exe -u -c "import setuptools, tokenize;__
file__='C:\Users\tmc\AppData\Local\Temp\pip-install-qfynn0u2\guidedlda\s
etup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n
', '\n');f.close();exec(compile(code, file, 'exec'))" install --record C:\Us
ers\tmc\AppData\Local\Temp\pip-record-zyi6xe47\install-record.txt --single-versi
on-externally-managed --compile" failed with error code 1 in C:\Users\tmc\AppDat
a\Local\Temp\pip-install-qfynn0u2\guidedlda\

Have a issue with setup in Windows

When I run python setup.py sdist (or) python setup.py sdist --formats=gztar facing following error.

error: error in setup.cfg: command 'sdist' has no such option 'pre_hook.sdist_pre_hook'

Train using an asymmetric prior?

My corpus has an asymmetric document-topic distribution. Gensim's Lda model allows you to specify alpha as either 'asymmetric', 'auto' (which derives alpha from the data), or as an array of your choice. Is there a way to specify an asymmetric alpha with GuidedLda?

Very helpful library by the way. Thanks for making this available!

which metric I should use?

hi

in my pool data, i want clusterization
for this approach, i will train many models with different num topics
after i should choose реу best model

which metrics at your libs i should use for this? the best metrics its coherence but i can't find her in your libs

Error when installing the GuidedLDA package

Hi there,
first very thankful for this useful package. But I met a problem of installing. It says,
"ERROR: Command errored out with exit status 1".
I'm using Python 3.7.6 on macosx-10.15.4. I also tried the alternative manual installation. But still failed with the following information:
"error: error in setup.cfg: command 'sdist' has no such option 'pre_hook.sdist_pre_hook'"

I'm not sure what the problem is. Could you please give me a hand? Thanks...

unable to install python 3.7

I recently updated anaconda to latest version including python3.7. I am on windows10. This produces error when I import guidedlda: "ModuleNotFoundError: No module named 'guidedlda._guidedlda'"

Tried pip install but it says requirement already satisfied.

Tried to clone the source and build and I get "error in setup.cfg. command "sdist" has no such option pre_hook.sdist_pre_hook.

Predictions with guided_LDA

How to use guided_LDA on an unseen document ?
Because I saw that there does not seem to be a method such as print_topics which is present for gensim for guidedLDA

Predict topics

Hello,

first of thanks for this great library! I managed to get the training working. But right now I'm struggling to predict the best matching topics for a given (single) document.

I already tried doc_topics = model.transform(Z), but how do I now get the probabilities for the (e.g. 7) topics?

Thanks!

using guidedlda with countvectorizer

i tried to use
lda_output=model.fit_transform(corpus, seed_topics=seed_topics, seed_confidence=1)
instead of fit method,it works -but im not sure if its just running the regular lda behind or its actually doing something-because resaults are different.
should it work?

Unable to install guidedlda, please help URGENT!!!!!! assignment due

with pip install guidedlda error :

ERROR: Command errored out with exit status 1: python setup.py egg_info Check the logs for full command output.

with
https://github.com/vi3k6i5/GuidedLDA
cd GuidedLDA
sh build_dist.sh
python setup.py sdist
pip install -e

'https:' is not recognized as an internal or external command,
operable program or batch file.
The system cannot find the path specified.
'sh' is not recognized as an internal or external command,
operable program or batch file.
python: can't open file 'setup.py': [Errno 2] No such file or directory

Usage:
pip install [options] [package-index-options] ...
pip install [options] -r [package-index-options] ...
pip install [options] [-e] ...
pip install [options] [-e] ...
pip install [options] <archive url/path> ...

-e option requires 1 argument

OS details: -

64 bit, x64 processor
Edition - Windows 10 Pro
Version - 2004
OS build - 19041.388

Am I right we can't seed multiple topics with same word?

Hi!

Am I right that this implementation not allows to seed several topics with same word? Is there any particular reason for this limitation from theoretical standpoint? If not, could you please include this functionality in one of future releases.

To justify, imagine you have a document corpus with a set of topics and three of them are 'Aircraft equipment' and another is 'Military equipment', while final one is 'Aircraft models'. You want to ensure that first two topics get boost from word 'equipment' in text, to ensure they are not confused with something else - that topic one is not confused with topic 3.

Initialize Random State

When I set a random_state and run my program multiple times, I receive varying results each time the program is run. I'm looking at counts of documents per seeded topic to see the variations.

I think we need to initialize the random_state with random.seed(random_state) in the init function. When I did that locally, results are repeatable.

Does that make sense or am I missing something?

Incremental learning

It worked very well on small dataset. Can it be improved to enable incremental learning in case of a huge dataset?

getting 'too many indices for array' error when trying to print out topic results

Hi there,

I'm trying to run this program using my own data, and the actual guided topic modeling fit as expected, but now using your code to print out the resulting seeded topics:

n_top_words = 10 topic_word = model.topic_word_ for i, topic_dist in enumerate(topic_word): topic_words = np.array(vocab)[np.argsort(topic_dist)][:-(n_top_words+1):-1] print('Topic {}: {}'.format(i, ' '.join(topic_words)))

I am getting an error at topic_words = np.array(vocab)[np.argsort(topic_dist)][:-(n_top_words+1):-1] of IndexError: too many indices for array.

My vocab object is a python dictionary as expected with the word as the key and the value as the ID, like in your tutorial.

{'level': 23949, 'nationalsozialistische': 27680, 'boyish': 4847, 'uprising': 44406, 'reached': 34053, 'infinitesimal': 20852, 'humiliated': 19720, 'fundraise': 16348, 'reprogram': 35089, 'nwf': 28830, 'impolite': 20381, 'upmu': 44393, 'stomp': 40042, 'reassertion': 34162, 'matthjews': 25541, 'kokesh': 23156, 'seize': 37167, 'proven': 32956, 'rted': 36093, 'streams': 40190, 'jvx': 22572, 'deformation': 10161, 'schoolkids': 36798, 'agonising': 865, 'skellington': 38332, 'xvideos': 46943, 'hills': 19027, 'francoist': 15947, 'hitters': 19140, 'urination': 44472, 'crowdfund': 9114, 'fivethirtyeight': 15321, 'flagbearers': 15362, 'shoah': 37862, 'uncritically': 43738, 'heretics': 18837, 'congressional': 8097, 'slayin': 38487, 'kickerdaily': 22901, 'blogging': 4382, 'riot': 35685, 'consciously': 8154, 'attention': 2656, 'tik': 42227, 'pfft': 31040, 'steppe': 39913, 'eigene': 12762, 'drag': 12040, 'insectivore': 21073, 'premiere': 32308, 'outing': 29750, 'citizenry': 6985, 'repute': 35126, 'savvy': 36620, 'artfag': 2289, 'twinkies': 43330, 'supporting': 40785, 'escaped': 13642, 'shhiiiieeeetttt': 37692, 'yellow': 47058, 'rationality': 33954, 'sighting': 38107, 'negotiation': 27908, 'adults': 612, 'overflowing': 29884 etc, etc...

Any insight into what I might be missing here or doing wrong would be greatly appreciated. I am more experienced with R than python so I'm not used to all the nuances of python.

Thanks in advance!

Throws Error when try to install using a docker image

Building wheel for guidedlda (setup.py): started
Building` wheel for guidedlda (setup.py): finished with status 'error'
ERROR: Complete output from command /srv/conda/envs/notebook/bin/python -u -c 'import setuptools, tokenize;file='"'"'/tmp/pip-install-grkp4_h_/guidedlda/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' bdist_wheel -d /tmp/pip-wheel-ilikr2nt --python-tag cp37:
Running setup.py clean for guidedlda
ERROR: running bdist_wheel
running build
running build_py
creating build
creating build/lib.linux-x86_64-3.7
creating build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/init.py -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/utils.py -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/datasets.py -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/_setup_hooks.py -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/guidedlda.py -> build/lib.linux-x86_64-3.7/guidedlda
creating build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_lda.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_utils.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/init.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_guidedlda_nyt.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_lda_reuters.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_lda_sparse.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_datasets.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/test_lda_transform.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
running egg_info
writing guidedlda.egg-info/PKG-INFO
writing dependency_links to guidedlda.egg-info/dependency_links.txt
writing requirements to guidedlda.egg-info/requires.txt
writing top-level names to guidedlda.egg-info/top_level.txt
[pbr] Reusing existing SOURCES.txt
copying guidedlda/_guidedlda.c -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/_guidedlda.pyx -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/gamma.c -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/gamma.h -> build/lib.linux-x86_64-3.7/guidedlda
copying guidedlda/tests/nyt.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/nyt.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/nyt.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/reuters.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/reuters.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
copying guidedlda/tests/reuters.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
running build_ext
building 'guidedlda._guidedlda' extension
creating build/temp.linux-x86_64-3.7
creating build/temp.linux-x86_64-3.7/guidedlda
gcc -pthread -B /srv/conda/envs/notebook/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/srv/conda/envs/notebook/include/python3.7m-c guidedlda/_guidedlda.c -o build/temp.linux-x86_64-3.7/guidedlda/_guidedlda.o
guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSave’:
guidedlda/_guidedlda.c:18745:21: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
*type = tstate->exc_type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18746:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
*value = tstate->exc_value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18747:19: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
*tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionReset’:
guidedlda/_guidedlda.c:18754:24: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tmp_type = tstate->exc_type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18755:25: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18756:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c:18757:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tstate->exc_type = type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18758:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tstate->exc_value = value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18759:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tstate->exc_traceback = tb;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c: In function ‘__Pyx__GetException’:
guidedlda/_guidedlda.c:18814:24: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tmp_type = tstate->exc_type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18815:25: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18816:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c:18817:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tstate->exc_type = local_type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18818:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tstate->exc_value = local_value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18819:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tstate->exc_traceback = local_tb;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSwap’:
guidedlda/_guidedlda.c:18841:24: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tmp_type = tstate->exc_type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18842:25: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18843:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
guidedlda/_guidedlda.c:18844:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
tstate->exc_type = *type;
^~~~~~~~
curexc_type
guidedlda/_guidedlda.c:18845:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
tstate->exc_value = *value;
^~~~~~~~~
curexc_value
guidedlda/_guidedlda.c:18846:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
tstate->exc_traceback = *tb;
^~~~~~~~~~~~~
curexc_traceback
error: command 'gcc' failed with exit status 1


ERROR: Failed building wheel for guidedlda

Parallelization

Thanks a lot for your work!
Do you have any plan to implement a multiprocessing function (like n_jobs in scikit-learn)?

Unable to install guidedlda

Hi, I'm trying to install guidedlda. I don't face any issues when using pip3 install guidedlda, however when I use import guidedlda I get an error message stating: ModuleNotFoundError: No module named 'guided._guidedlda'. When I try to install the other way, once I am in the GuidedLDA folder, I am unable to run build_dist.sh. The error I get is build_dist.sh: 3: set: Illegal option -o pipefail.

I'm running my code on Ubuntu 18.04.3 LTS, Intel Core i7-8700 CPU @ 3.20 GHz x 12, with GNOME 3.28.2. OS type 64-bit.

Any help will be appreciated - thanks in advance!

installation error

Having an issue installing this package using pip. The following is the entire output:

pip install guidedlda
Collecting guidedlda
Using cached https://files.pythonhosted.org/packages/f8/ee/6d6e2b3525388399e12a4482554c7529a5fcf5e99c50a60abaa02894b8bf/guidedlda-2.0.0.dev22.tar.gz
Requirement already satisfied: numpy in c:\users\450226\documents\nlp\venv\lib\site-packages (from guidedlda) (1.16.2)
Building wheels for collected packages: guidedlda
Building wheel for guidedlda (setup.py) ... error
Complete output from command C:\Users\450226\Documents\NLP\venv\Scripts\python.exe -u -c "import setuptools, tokenize;file='C:\Users\450226\AppData\Local\Temp\pip-install-egwznkv4\guidedlda\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(comp
ile(code, file, 'exec'))" bdist_wheel -d C:\Users\450226\AppData\Local\Temp\pip-wheel-8udw_oro --python-tag cp37:
running bdist_wheel
running build
running build_py
creating build
creating build\lib.win32-3.7
creating build\lib.win32-3.7\guidedlda
copying guidedlda\datasets.py -> build\lib.win32-3.7\guidedlda
copying guidedlda\guidedlda.py -> build\lib.win32-3.7\guidedlda
copying guidedlda\utils.py -> build\lib.win32-3.7\guidedlda
copying guidedlda_setup_hooks.py -> build\lib.win32-3.7\guidedlda
copying guidedlda_init_.py -> build\lib.win32-3.7\guidedlda
creating build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_datasets.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_reuters.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_sparse.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_transform.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_utils.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests_init_.py -> build\lib.win32-3.7\guidedlda\tests
running egg_info
writing guidedlda.egg-info\PKG-INFO
writing dependency_links to guidedlda.egg-info\dependency_links.txt
writing requirements to guidedlda.egg-info\requires.txt
writing top-level names to guidedlda.egg-info\top_level.txt
[pbr] Reusing existing SOURCES.txt
copying guidedlda_guidedlda.c -> build\lib.win32-3.7\guidedlda
copying guidedlda_guidedlda.pyx -> build\lib.win32-3.7\guidedlda
copying guidedlda\gamma.c -> build\lib.win32-3.7\guidedlda
copying guidedlda\gamma.h -> build\lib.win32-3.7\guidedlda
copying guidedlda\tests\nyt.ldac -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\nyt.titles -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\nyt.tokens -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.ldac -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.titles -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.tokens -> build\lib.win32-3.7\guidedlda\tests
running build_ext
building 'guidedlda._guidedlda' extension
creating build\temp.win32-3.7
creating build\temp.win32-3.7\Release
creating build\temp.win32-3.7\Release\guidedlda
C:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\bin\HostX86\x86\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\Users\450226\Documents\NLP\venv\include -IC:\Users\450226\AppData\Local\Programs\Python\Python37-32\include -IC:\Users\450226\AppData\Local\Programs\Python\Pyt
hon37-32\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\ucrt" "-IC:\Program Files
(x86)\Windows Kits\10\include\10.0.17763.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\cppwinrt" /Tcguidedlda/_guidedlda.c /Fobuild\temp.win32-3.7\Re
lease\guidedlda/_guidedlda.obj
_guidedlda.c
guidedlda/_guidedlda.c(18745): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18746): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18747): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18754): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18755): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18756): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18757): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18758): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18759): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18814): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18815): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18816): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18817): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18818): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18819): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18841): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18842): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18843): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18844): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18845): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18846): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
error: command 'C:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\bin\HostX86\x86\cl.exe' failed with exit status 2


Failed building wheel for guidedlda
Running setup.py clean for guidedlda
Failed to build guidedlda
Installing collected packages: guidedlda
Running setup.py install for guidedlda ... error
Complete output from command C:\Users\450226\Documents\NLP\venv\Scripts\python.exe -u -c "import setuptools, tokenize;file='C:\Users\450226\AppData\Local\Temp\pip-install-egwznkv4\guidedlda\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(co
mpile(code, file, 'exec'))" install --record C:\Users\450226\AppData\Local\Temp\pip-record-7ic5u5or\install-record.txt --single-version-externally-managed --compile --install-headers C:\Users\450226\Documents\NLP\venv\include\site\python3.7\guidedlda:
running install
[pbr] Generating AUTHORS
[pbr] AUTHORS complete (0.0s)
running build
running build_py
creating build
creating build\lib.win32-3.7
creating build\lib.win32-3.7\guidedlda
creating build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_datasets.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_guidedlda_nyt.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_reuters.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_sparse.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_lda_transform.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\test_utils.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests_init_.py -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\datasets.py -> build\lib.win32-3.7\guidedlda
copying guidedlda\guidedlda.py -> build\lib.win32-3.7\guidedlda
copying guidedlda\utils.py -> build\lib.win32-3.7\guidedlda
copying guidedlda_setup_hooks.py -> build\lib.win32-3.7\guidedlda
copying guidedlda_init_.py -> build\lib.win32-3.7\guidedlda
running egg_info
writing guidedlda.egg-info\PKG-INFO
writing dependency_links to guidedlda.egg-info\dependency_links.txt
writing requirements to guidedlda.egg-info\requires.txt
writing top-level names to guidedlda.egg-info\top_level.txt
[pbr] Reusing existing SOURCES.txt
copying guidedlda\tests\nyt.ldac -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\nyt.titles -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\nyt.tokens -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.ldac -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.titles -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda\tests\reuters.tokens -> build\lib.win32-3.7\guidedlda\tests
copying guidedlda_guidedlda.c -> build\lib.win32-3.7\guidedlda
copying guidedlda_guidedlda.pyx -> build\lib.win32-3.7\guidedlda
copying guidedlda\gamma.c -> build\lib.win32-3.7\guidedlda
copying guidedlda\gamma.h -> build\lib.win32-3.7\guidedlda
running build_ext
building 'guidedlda._guidedlda' extension
creating build\temp.win32-3.7
creating build\temp.win32-3.7\Release
creating build\temp.win32-3.7\Release\guidedlda
C:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\bin\HostX86\x86\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\Users\450226\Documents\NLP\venv\include -IC:\Users\450226\AppData\Local\Programs\Python\Python37-32\include -IC:\Users\450226\AppData\Local\Programs\Python\P
ython37-32\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\ucrt" "-IC:\Program File
s (x86)\Windows Kits\10\include\10.0.17763.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.17763.0\cppwinrt" /Tcguidedlda/_guidedlda.c /Fobuild\temp.win32-3.7
Release\guidedlda/_guidedlda.obj
_guidedlda.c
guidedlda/_guidedlda.c(18745): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18746): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18747): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18754): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18755): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18756): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18757): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18758): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18759): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18814): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18815): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18816): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18817): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18818): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18819): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18841): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18842): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18843): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18844): error C2039: 'exc_type': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18845): error C2039: 'exc_value': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
guidedlda/_guidedlda.c(18846): error C2039: 'exc_traceback': is not a member of '_ts'
c:\users\450226\appdata\local\programs\python\python37-32\include\pystate.h(212): note: see declaration of '_ts'
error: command 'C:\Program Files (x86)\Microsoft Visual Studio\2017\Community\VC\Tools\MSVC\14.16.27023\bin\HostX86\x86\cl.exe' failed with exit status 2

----------------------------------------

Command "C:\Users\450226\Documents\NLP\venv\Scripts\python.exe -u -c "import setuptools, tokenize;file='C:\Users\450226\AppData\Local\Temp\pip-install-egwznkv4\guidedlda\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'e
xec'))" install --record C:\Users\450226\AppData\Local\Temp\pip-record-7ic5u5or\install-record.txt --single-version-externally-managed --compile --install-headers C:\Users\450226\Documents\NLP\venv\include\site\python3.7\guidedlda" failed with error code 1 in C:\Users\450226\AppData\Local\Temp\pip-install-egwznk
v4\guidedlda\

Also, when I try the following:
https://github.com/vi3k6i5/GuidedLDA
cd GuidedLDA
sh build_dist.sh
python setup.py sdist
pip install -e .

I get the error:
'https:' is not recognized as an internal or external command,
operable program or batch file.

Installation error on Google Cloud Platform

I'm having a trouble on installing GuidedLDA on VM instance in Goggle Cloud Platform. I'm using Python 3.7 installed with Anaconda 2019.03. My VM instance has Ubuntu 16.04 installed.

Below is my error code:

Collecting guidedlda
  Using cached https://files.pythonhosted.org/packages/f8/ee/6d6e2b3525388399e12a4482554c7529a5fcf5e99c50a60abaa02894b8bf/guidedlda-2.0.0.dev22.tar.gz
Requirement already satisfied: numpy in /home/tata_desthalia/anaconda3/lib/python3.7/site-packages (from guidedlda) (1.15.4)
Building wheels for collected packages: guidedlda
  Building wheel for guidedlda (setup.py) ... error
  Complete output from command /home/tata_desthalia/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-6_5jkiyp/guidedlda/setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" bdist_wheel -d /tmp/pip-wheel-o7ouw8y5 --python-tag cp37:
  running bdist_wheel
  running build
  running build_py
  creating build
  creating build/lib.linux-x86_64-3.7
  creating build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/__init__.py -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/utils.py -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/datasets.py -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/guidedlda.py -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/_setup_hooks.py -> build/lib.linux-x86_64-3.7/guidedlda
  creating build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_datasets.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_utils.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_lda_sparse.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/__init__.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_lda_reuters.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_lda_transform.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_guidedlda_nyt.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/test_lda.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
  running egg_info
  writing guidedlda.egg-info/PKG-INFO
  writing dependency_links to guidedlda.egg-info/dependency_links.txt
  writing requirements to guidedlda.egg-info/requires.txt
  writing top-level names to guidedlda.egg-info/top_level.txt
  [pbr] Reusing existing SOURCES.txt
  copying guidedlda/_guidedlda.c -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/_guidedlda.pyx -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/gamma.c -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/gamma.h -> build/lib.linux-x86_64-3.7/guidedlda
  copying guidedlda/tests/nyt.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/nyt.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/nyt.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/reuters.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/reuters.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
  copying guidedlda/tests/reuters.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
  running build_ext
  building 'guidedlda._guidedlda' extension
  creating build/temp.linux-x86_64-3.7
  creating build/temp.linux-x86_64-3.7/guidedlda
  gcc -pthread -B /home/tata_desthalia/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/tata_desthalia/anaconda3/include/python3.7m -c guidedlda/_guidedlda.c -o build/temp.linux-x86_64-3.7/guidedlda/_guidedlda.o
  guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSave’:
  guidedlda/_guidedlda.c:18745:19: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       *type = tstate->exc_type;
                     ^
  guidedlda/_guidedlda.c:18746:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       *value = tstate->exc_value;
                      ^
  guidedlda/_guidedlda.c:18747:17: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       *tb = tstate->exc_traceback;
                   ^
  guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionReset’:
  guidedlda/_guidedlda.c:18754:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tmp_type = tstate->exc_type;
                        ^
  guidedlda/_guidedlda.c:18755:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tmp_value = tstate->exc_value;
                         ^
  guidedlda/_guidedlda.c:18756:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tmp_tb = tstate->exc_traceback;
                      ^
  guidedlda/_guidedlda.c:18757:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tstate->exc_type = type;
             ^
  guidedlda/_guidedlda.c:18758:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tstate->exc_value = value;
             ^
  guidedlda/_guidedlda.c:18759:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tstate->exc_traceback = tb;
             ^
  guidedlda/_guidedlda.c: In function ‘__Pyx__GetException’:
  guidedlda/_guidedlda.c:18814:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tmp_type = tstate->exc_type;
                        ^
  guidedlda/_guidedlda.c:18815:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tmp_value = tstate->exc_value;
                         ^
  guidedlda/_guidedlda.c:18816:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tmp_tb = tstate->exc_traceback;
                      ^
  guidedlda/_guidedlda.c:18817:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tstate->exc_type = local_type;
             ^
  guidedlda/_guidedlda.c:18818:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tstate->exc_value = local_value;
             ^
  guidedlda/_guidedlda.c:18819:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tstate->exc_traceback = local_tb;
             ^
  guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSwap’:
  guidedlda/_guidedlda.c:18841:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tmp_type = tstate->exc_type;
                        ^
  guidedlda/_guidedlda.c:18842:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tmp_value = tstate->exc_value;
                         ^
  guidedlda/_guidedlda.c:18843:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tmp_tb = tstate->exc_traceback;
                      ^
  guidedlda/_guidedlda.c:18844:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
       tstate->exc_type = *type;
             ^
  guidedlda/_guidedlda.c:18845:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
       tstate->exc_value = *value;
             ^
  guidedlda/_guidedlda.c:18846:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
       tstate->exc_traceback = *tb;
             ^
  error: command 'gcc' failed with exit status 1
  
  ----------------------------------------
Failed building wheel for guidedlda
  Running setup.py clean for guidedlda
Failed to build guidedlda
Installing collected packages: guidedlda
  Running setup.py install for guidedlda ... error
    Complete output from command /home/tata_desthalia/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-6_5jkiyp/guidedlda/setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" install --record /tmp/pip-record-oocrdgty/install-record.txt --single-version-externally-managed --compile:
    running install
    [pbr] Generating AUTHORS
    [pbr] AUTHORS complete (0.0s)
    running build
    running build_py
    creating build
    creating build/lib.linux-x86_64-3.7
    creating build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/__init__.py -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/utils.py -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/datasets.py -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/guidedlda.py -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/_setup_hooks.py -> build/lib.linux-x86_64-3.7/guidedlda
    creating build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_datasets.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_utils.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_sparse.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/__init__.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_reuters.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda_transform.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_guidedlda_nyt.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/test_lda.py -> build/lib.linux-x86_64-3.7/guidedlda/tests
    running egg_info
    writing guidedlda.egg-info/PKG-INFO
    writing dependency_links to guidedlda.egg-info/dependency_links.txt
    writing requirements to guidedlda.egg-info/requires.txt
    writing top-level names to guidedlda.egg-info/top_level.txt
    [pbr] Reusing existing SOURCES.txt
    copying guidedlda/_guidedlda.c -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/_guidedlda.pyx -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/gamma.c -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/gamma.h -> build/lib.linux-x86_64-3.7/guidedlda
    copying guidedlda/tests/nyt.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/nyt.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/nyt.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.ldac -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.titles -> build/lib.linux-x86_64-3.7/guidedlda/tests
    copying guidedlda/tests/reuters.tokens -> build/lib.linux-x86_64-3.7/guidedlda/tests
    running build_ext
    building 'guidedlda._guidedlda' extension
    creating build/temp.linux-x86_64-3.7
    creating build/temp.linux-x86_64-3.7/guidedlda
    gcc -pthread -B /home/tata_desthalia/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/tata_desthalia/anaconda3/include/python3.7m -c guidedlda/_guidedlda.c -o build/temp.linux-x86_64-3.7/guidedlda/_guidedlda.o
    guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSave’:
    guidedlda/_guidedlda.c:18745:19: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         *type = tstate->exc_type;
                       ^
    guidedlda/_guidedlda.c:18746:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         *value = tstate->exc_value;
                        ^
    guidedlda/_guidedlda.c:18747:17: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         *tb = tstate->exc_traceback;
                     ^
    guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionReset’:
    guidedlda/_guidedlda.c:18754:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tmp_type = tstate->exc_type;
                          ^
    guidedlda/_guidedlda.c:18755:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tmp_value = tstate->exc_value;
                           ^
    guidedlda/_guidedlda.c:18756:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tmp_tb = tstate->exc_traceback;
                        ^
    guidedlda/_guidedlda.c:18757:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tstate->exc_type = type;
               ^
    guidedlda/_guidedlda.c:18758:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tstate->exc_value = value;
               ^
    guidedlda/_guidedlda.c:18759:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tstate->exc_traceback = tb;
^
    guidedlda/_guidedlda.c: In function ‘__Pyx__GetException’:
    guidedlda/_guidedlda.c:18814:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tmp_type = tstate->exc_type;
                          ^
    guidedlda/_guidedlda.c:18815:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tmp_value = tstate->exc_value;
                           ^
    guidedlda/_guidedlda.c:18816:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tmp_tb = tstate->exc_traceback;
                        ^
    guidedlda/_guidedlda.c:18817:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tstate->exc_type = local_type;
               ^
    guidedlda/_guidedlda.c:18818:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tstate->exc_value = local_value;
               ^
    guidedlda/_guidedlda.c:18819:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tstate->exc_traceback = local_tb;
               ^
    guidedlda/_guidedlda.c: In function ‘__Pyx__ExceptionSwap’:
    guidedlda/_guidedlda.c:18841:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tmp_type = tstate->exc_type;
                          ^
    guidedlda/_guidedlda.c:18842:23: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tmp_value = tstate->exc_value;
                           ^
    guidedlda/_guidedlda.c:18843:20: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tmp_tb = tstate->exc_traceback;
                        ^
    guidedlda/_guidedlda.c:18844:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’
         tstate->exc_type = *type;
               ^
    guidedlda/_guidedlda.c:18845:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’
         tstate->exc_value = *value;
               ^
    guidedlda/_guidedlda.c:18846:11: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’
         tstate->exc_traceback = *tb;
               ^
    error: command 'gcc' failed with exit status 1
    
    ----------------------------------------
Command "/home/tata_desthalia/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-6_5jkiyp/guidedlda/setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" install --record /tmp/pip-record-oocrdgty/install-record.txt --single-version-externally-managed --compile" failed with error code 1 in /tmp/pip-install-6_5jkiyp/guidedlda/

`

Project name guidedlda was given, but was not able to be found.

Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.
error in setup command: Error parsing /Users/apuhazend001/Desktop/Aruvi/RAI/Topic_model_new/guided_LDA/GuidedLDA-master/setup.cfg: Exception: Versioning for this project requires either an sdist tarball, or access to an upstream git repository. It's also possible that there is a mismatch between the package name in setup.cfg and the argument given to pbr.version.VersionInfo. Project name guidedlda was given, but was not able to be found.

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.