Skip to main content
Filter by
Sorted by
Tagged with
2 votes
2 answers
297 views

I'm hitting a wall trying to install the Python package fasttext on Windows 11, and I'm getting C++ build errors despite setting everything up correctly (or so I thought). Here's the full context of ...
Niram's user avatar
  • 29
0 votes
0 answers
51 views

I'm trying to align English word vectors taken from the word2vec model trained on Google news with Japanese language word vectors taken from two different models: the fasttext model pre-trained on ...
dcann's user avatar
  • 1
1 vote
0 answers
226 views

I want to access and use the FastText library directly from my PHP code without using Python or creating a web service (e.g., using Flask) to wrap the FastText functionality and call it from PHP. Is ...
J. Silver's user avatar
1 vote
0 answers
709 views

I was trying to install fast test using pip install fasttext But this gives me error like this. note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed ...
Prashant Manandhar's user avatar
1 vote
1 answer
160 views

I am having A LOT of trouble when trying to use all the fasttext libraries (in Jupyter with Anaconda3 on Windows 11) that I have found so far but this question is mainly about gensim's implementation. ...
D. Zammit's user avatar
-2 votes
1 answer
72 views

in machine learning, all models have the equation of accuracy while in the FastText model, we don't have please support.
user3100876's user avatar
1 vote
1 answer
182 views

FastText language_identification returns multiple predictions per original text, and also fails to indicate which belong to which original document. There are differing numbers of predictions per ...
cmoez's user avatar
  • 23
0 votes
1 answer
81 views

I am fine tuning a fastest wiki model as follows. This works fine. After fine tuning I save the retrained model. from gensim.models import fasttext model = fasttext.load_facebook_model(datapath("...
sail0r's user avatar
  • 461
1 vote
1 answer
999 views

I am new to this field and experimenting different models in NLP domain. While am trying to install the fastText libary using the command prompt, it is showing an error: pip install wheel pip install ...
Mani Deep's user avatar
0 votes
1 answer
632 views

I'm using Anaconda3-2024.02-1-Windows-x86_64 (yes, Windows 64) on windows 11, with python 3.11.7. I was trying to build an offline translator and i forgot what led to what... Eventually i was trying ...
Sali Girl's user avatar
0 votes
1 answer
35 views

I scraped reviews from a web and there are pros and cons separate from each other. I scraped them as a list because it looks like as the best solution for not having the same review with user, date ...
averzeo's user avatar
-1 votes
1 answer
455 views

I want to use the FastText.NetWrapper library in my project. I imported the library and wrote the sample code, but after running it, I get the following error: Unhandled exception. System....
alperenaydin's user avatar
-1 votes
1 answer
167 views

I am planning to create a classification model. Instead of using traditional models, I decided to use a new technique of creating word embeddings, clustering them using k-means, then use the mean of ...
Ram Deepak Prabhakar's user avatar
0 votes
1 answer
137 views

I am using fasttext model to predict labels for text. Usually fasttext can classify text on word level such as: model = fasttext.train_supervised(input="training_fasttextFormat.csv", lr=0.1, ...
Feng Chen's user avatar
  • 2,273
1 vote
2 answers
3k views

I tried to install fasttext by the following command: python -m pip install -U fasttext but it didn't work well. I faced the error below: Collecting fasttext Using cached fasttext-0.9.2.tar.gz (68 ...
namba's user avatar
  • 19
0 votes
0 answers
90 views

I'm trying to use fastText on my windows computer and I when I try to build the project using make command (I installed Make v3.81), I have this error : c++ -pthread -std=c++11 -march=native -O3 -...
JS1's user avatar
  • 767
7 votes
3 answers
20k views

I'm trying to install fasttext using pip install fasttext in python 3.11.4 but I'm running into trouble when building wheels. The error reads as follows: error: command 'C:\\Program Files (x86)\\...
Parseval's user avatar
  • 903
0 votes
1 answer
92 views

I would like to use compressfasttext library: https://github.com/avidale/compress-fasttext I use this command to install: pip install compress-fasttext[full] I get this pqkmeans error: running ...
Hossam Amer's user avatar
1 vote
0 answers
5k views

Good afternoon, I am facing a challenge related to retrieving sentences based on questions asked. To solve this problem, I chose to use the FAISS model. The process I followed involved coding the ...
Igor Souza's user avatar
0 votes
1 answer
524 views

I have the following code to train a FastText embedding model. embed_model = FastText(vector_size=meta_hyper['vector_size'], window=meta_hyper['window'], ...
The-One-Who-Speaks-And-Depicts's user avatar
0 votes
0 answers
254 views

I am working within a rather complicated system where data is entered by a respondent and stored in an xml file that uses UTF-8 encoding. That data is then uploaded to an Oracle database that uses ...
astel's user avatar
  • 192
1 vote
0 answers
93 views

currently I am developing fasttext go binding, I am stacked with the problem while training on the same file from cgo code: go test -run ^TestTrain$ -v ...
Fedor's user avatar
  • 121
1 vote
1 answer
142 views

I am using a Doc2Vec model to calculate cosine similarity between observations in a dataset of website text. I want to be sure that my measure is roughly consistent if I instead use Fasttext (trained ...
John's user avatar
  • 11
0 votes
2 answers
664 views

I have a vocabulary related to restaurant stuff in Spanish and I am using predefined word embeddings in Spanish with FastText and Bert, however, I see that there are a lot of out-of-vocabulary (oov) ...
Paloma Jimeno's user avatar
0 votes
2 answers
177 views

Does anyone know how to load pretrained .bin fasttext model into azure synapse notebook using fasttext.load_model function? My .bin file is on azure blob storage account I try to load using the ...
Andjela Mihajlovic's user avatar
0 votes
1 answer
56 views

I am trying to mimic the results of a fasttext command line operation in R using the system function. When I run the prompt in the command line I get the desired results as below: F:\>fasttext ...
astel's user avatar
  • 192
0 votes
1 answer
412 views

I am currently training a FastText classifier and I'm facing the issue of overfitting. model = fasttext.train_supervised( f'train{runID}.txt', lr=1.0, epoch=10, wordNgrams=2, dim=300, thread=2, ...
Amin Tabatabaei's user avatar
0 votes
0 answers
192 views

I am working with FastText on a language (Tamil) and a task where I don't expect to encounter and simply don't care about character/words from other languages. I have both the text (.vec) and binary (....
ubadub's user avatar
  • 3,910
-1 votes
1 answer
170 views

i have been working with word embedding latly, i have a question. So, here consider taking vulnerability detection in smart contract. So the input is smart contract files labeled with 0 or 1 stating ...
Porkodi Ishwarya's user avatar
0 votes
1 answer
210 views

How to save fastText word vectors in dataframe better in order to use them for further calculations? Hello everyone! I have a question about fastText word vectors, namely, I'd like to know, how to ...
Ana Ya's user avatar
  • 3
4 votes
1 answer
2k views

I have some texts which are extremely short which comes from banktransactions (80% of the dataset has less than 3 words), and I want to classify them into ~90.000 classes (supplier). Since the text ...
CutePoison's user avatar
  • 5,544
0 votes
1 answer
153 views

As per Section 3.2 in the original paper on Fasttext, the authors state: In order to bound the memory requirements of our model, we use a hashing function that maps n-grams to integers in 1 to K ...
Fijoy Vadakkumpadan's user avatar
2 votes
2 answers
523 views

I made a model with a dataset with Fasttext and I can convert every word to a vector. But now I want to convert a vector to its unique word. For example, I have this vector that is for ("the"...
user avatar
0 votes
2 answers
309 views

I am working on creating a NLP model for my final year project. I am currently using Tensorflow Keras LSTM model to train the model. I have found a online guide for this as my dataset is in Sinhala ...
Rusiru Wijethilake's user avatar
0 votes
1 answer
2k views

I want to use cc.fa.300.bin FastText model on colab and I want to make it use the colab GPU this is my code: model_path = '/content/model/fasttext/cc.fa.300.bin' device = torch.device('cuda' if torch....
miladjurablu's user avatar
1 vote
1 answer
99 views

I want to know how to generate vectors using NLP, if I'm not mistaken it should be done by sum or average of all words. However, it is not clear to me how the following sentences will generate ...
kukuro's user avatar
  • 95
1 vote
1 answer
487 views

I ran the following Awk script to get fastText vectors on my Ubuntu 22.04.2 LTS (Jammy Jellyfish). However, I always get the same error code: awk: lines 5 and 13: unexpected character 0xe2 The Awk ...
Ka Souza's user avatar
0 votes
1 answer
2k views

I'm trying to load a pretrained German fastText model (source: https://dl.fbaipublicfiles.com/fasttext/vectors-crawl/cc.de.300.bin.gz) with Gensim. My intention is to fine-tune it using my own dataset....
Ginny's user avatar
  • 63
0 votes
0 answers
78 views

I'm using fasttext for word embeding as part of a transformer network, I supposed that if there is a function to get the vector of a word(get_word_vector()), there is a function to get the word out of ...
nuriel wainstein's user avatar
0 votes
1 answer
93 views

I've been building FastText model and saving as following: model = FastText(#some parameters) model.build_vocab(corpus_strings) model.train(corpus_iterable=corpus_strings, total_examples=len(...
Hahuro's user avatar
  • 13
0 votes
1 answer
297 views

I was playing with the FT Api and found out 2 methods, namely get_input_matrix and get_output_matrix. I am wondering what are the purposes of these? Are there any chance that those 2 are the weight ...
Kadir Gunel's user avatar
0 votes
2 answers
962 views

According to this answer, sentence similarity for FastText is calculated with one of two ways (depending if the embeddings are created superviser or unsupervised) The mean of the normalized word ...
CutePoison's user avatar
  • 5,544
0 votes
1 answer
606 views

I want to evaluate my FastText model (trained on my own corpus). For semantic meaning I understand that we can use a dataset containing several pairs of two words which have been scored by humans, and ...
CutePoison's user avatar
  • 5,544
0 votes
0 answers
161 views

I'm using FastText to unsupervised train the model (the data.train file is a text file that contains 50,000 lines/1.7 million Chinese characters): import fasttext model = fasttext.train_unsupervised(...
Raptor's user avatar
  • 54.4k
0 votes
1 answer
201 views

I am trying to use this fasttext model crawl-300d-2M-subword.zip from the official page onI my Windows machine, but the download fails by the last few Kb. I managed to successfully download the zip ...
Betty's user avatar
  • 268
1 vote
0 answers
86 views

I am trying to use https://github.com/amzn/pecos in amazon sagemaker. I follow the readme of pecos to install it using amazon terminal. Then one can see the package is installed from terminal: ...
Feng Chen's user avatar
  • 2,273
0 votes
0 answers
672 views

Tried the following command for installing fasttext conda install -c "conda-forge/label/cf202003" fasttext Collecting package metadata (current_repodata.json): done Solving environment: ...
Ravi Mounika's user avatar
0 votes
1 answer
445 views

I Have installed fasttext module in Python and loaded the model [ 'cc.en.300.bin']. I already made the data frame format according to the fasttext. and then generating the files train.to_csv(" ...
Mira's user avatar
  • 21
0 votes
1 answer
134 views

I get the following error: urllib.error.HTTPError: HTTP Error 403: Forbidden When running this: class FastText(Vectors): url_base = 'https://s3-us-west-1.amazonaws.com/fasttext-vectors/wiki.{}....
user11915177's user avatar
0 votes
1 answer
1k views

I have been trying to install the "FastText" library on macOS but I keep encountering a Runtime error. System - MacOS: 13.0.1 (22A400) Python Version: 3.10 IDE: Pycharm I tried installing it ...
Mira's user avatar
  • 21

1
2 3 4 5
10