Skip to main content

All Questions

Filter by
Sorted by
Tagged with
-2 votes
0 answers
13 views

Where can I find datasets for medical document analysis and disease diagnosis using NLP? [closed]

I'm working on a healthcare-related project where I need to analyze medical documents, extract specific values (e.g., creatinine, glucose levels, etc.), and generate personalized paragraphs for ...
jlassi Mohamed Hani's user avatar
0 votes
0 answers
9 views

RNN invalidArgumentError

I am training RNN model for speech to text purpose. While training RNN, I am getting this weird error called invalid argument error indices[28,0] = -1 is not in [0,169) model = keras.Sequential() # ...
Saish Sawant's user avatar
2 votes
1 answer
831 views

What is the actual order of execution when Top-K, Top-P and Temperature are used together for NLP decoding?

Let's say I use: sample_outputs = model.generate(**model_inputs,max_new_tokens=40,do_sample=True, top_k=3,top_p=0.51, temperature=0.6, num_return_sequences=3,) What is the order of execution in ...
Deshwal's user avatar
  • 4,132
-1 votes
1 answer
174 views

"sentiment analysis" using "sst2" dataset (Classification)

I'm trying to fine-tune "distilbert-base-uncased" model using huggingface libraries, but I run to this error: IndexError: Target -1 is out of bounds. after loading my dataset (sst2) using ...
Navid Aslankhani's user avatar
1 vote
1 answer
258 views

How can i measure semantic similarity between a sentence and its negative meaning?

tecAnswer = """ Gradient descent is an optimization algorithm which is commonly-used to train machine learning models and neural networks. Training data helps these models learn over ...
Mijanur Rahman's user avatar
1 vote
2 answers
2k views

No CUDA runtime is found when I was installing fairseq

GPU:GTX 1650 CUDA:11.7 torch.cuda.is_available() return True I am trying install fairseq after cloning, but it came some problems. when F:\research\fairseq>pip install --editable ./ it showed that ...
林御姐's user avatar
-1 votes
1 answer
90 views

How can i know if it is a random word(or string)

I want to know which given string is random. For example, If there was given words (A)"protectsky" and (B)"ptctpkysui", A human would recognize (A) as a meaningful string and (B) ...
Kyuwan Kim's user avatar
2 votes
2 answers
4k views

How to use cosine similarity within triplet loss

The triplet loss is defined as follows: L(A, P, N) = max(‖f(A) - f(P)‖² - ‖f(A) - f(N)‖² + margin, 0) where A=anchor, P=positive, and N=negative are the data samples in the loss, and margin is the ...
Edv Beq's user avatar
  • 1,000
0 votes
0 answers
254 views

AttributeError: 'ListWrapper' object has no attribute 'minimize'

I am building a chatbot using this seq2seq model, but there seems to be a problem before i can even train my model since i encountered this error. Does anyone know how to solve it? from tensorflow....
htht's user avatar
  • 1
2 votes
0 answers
49 views

Segmentation of a single Japanese handwritten word into characters

I want to segment a handwritten Japanese word into characters. Although I did the segmentation using the projection method, I did not reach an accuracy of more than 70%. I need suggestions and also ...
Yogendra Kumar's user avatar
0 votes
1 answer
379 views

How can we feed our custom synonym word list to NLP model (Word2Vec is preferred)

I am using Word2Vec model for making a vectorizer from my data. My data has custom/business defined synonym word list which i want my NLP model should consider. For e.g if "A" is a synonym ...
Aditya Tandon's user avatar
48 votes
5 answers
48k views

Computational Complexity of Self-Attention in the Transformer Model

I recently went through the Transformer paper from Google Research describing how self-attention layers could completely replace traditional RNN-based sequence encoding layers for machine translation. ...
Newton's user avatar
  • 488
0 votes
1 answer
35 views

Can we use more than one target word for the CBOW method?

Say we have two target words for the same contexts: he is a VERY GOOD BOY. This is a VERY GOOD HAND-WRITING. Here the VERY AND GOOD are contexts, whilst BOY and HAND-WRITING are two targets. Can ...
Soumyajit Pyne's user avatar
1 vote
2 answers
4k views

How can I merge or concatenate two sequential models using Keras?

I have a dataset with two text fields which after tokenization I have made two sequential models which I am trying to combine or merge but i am facing errors while merging. I have built two ...
Moinak Dey's user avatar
0 votes
1 answer
51 views

Which technique for training should I use for the following dataset?

I have a dataset which is a csv having 2 columns "Text", "Name". "Text" column contains the news article. "Name" column contains the extracted name from the corresponding text. I have to train the ...
Shyam's user avatar
  • 387
2 votes
1 answer
680 views

AttributeError: 'Tensor' object has no attribute '_keras_history' during implementing co-attention layer

everybody. I'm trying to custom a co attention layer for a matching task. And there is an error confused me a lot. model = Model(inputs=[ans_input, ques_input], outputs=output) my program shutdown ...
woaisxxd's user avatar
1 vote
0 answers
431 views

Is this a correct reimplementation of Pytorch Seq2Seq model?

I made a code that sort of change the tutorial script of seq2seq provided by Pytorch. Here’s the model: class Seq2Seq(nn.Module): def __init__(self, encoder, batch_size, vocab_size, input_size, ...
Aryo Pradipta Gema's user avatar
1 vote
2 answers
2k views

Using NLP or machine learning to extract keywords off a sentence

I'm new to the ML/NLP field so my question is what technology would be most appropriate to achieve the following goal: We have a short sentence - "Where to go for dinner?" or "What's your favorite ...
alex.b.bg's user avatar
  • 108
0 votes
1 answer
71 views

Which technique is used in Auto Answering user queries in Artificial Intelligence? [closed]

I have a paragraph, system has to understand it and it should answer all the questions asked by the user. Please name the techniques and methodologies.
Mahendra Bilagi's user avatar
5 votes
2 answers
6k views

how to fine-tune word2vec when training our CNN for text classification?

I have 3 Questions about fine-tuning word vectors. Please, help me out. I will really appreciate it! Many thanks in advance! When I train my own CNN for text classification, I use Word2vec to ...
Prince of Persia's user avatar
-2 votes
1 answer
328 views

Summarization Algo for novels : Supervised learning

I want to write a Learning Algo which can automatically create summary of articles . e.g, there are some fiction novels(one category considering it as a filter) in PDF format. I want to make an ...
Rahul Saxena's user avatar
5 votes
2 answers
4k views

Where to start: Natural language processing and AI using Python

My goal is to write a program capable of extracting tone, personality, and intent from human language inquiries (e.g. I type: How are you doing today? And the AI system responds with something like: ...
Feynman27's user avatar
  • 3,267
0 votes
1 answer
1k views

Automatic text / HTML annotation / highlighting

Nowadays there are softwares which, when provided a text or a html document page, will output a summary. I wonder if there exist anything to automatically annotate (or at least highlight) the same ...
Sebastien Lorber's user avatar