8,772 questions
1
vote
0
answers
148
views
No attention output in jinaai/jina-embeddings-v3 embedding model
When I use this model like so -
from transformers import AutoModel, AutoTokenizer
model_id = "jinaai/jina-embeddings-v3"
tokenizer = AutoTokenizer.from_pretrained(model_id, ...
0
votes
0
answers
41
views
Why is data lost from slots? Rasa Open Source
I have a problem with slots in rasa open source version 3.6.9. After moving in my history, I see that the data of some slots is lost or set to None. I wonder if someone have had this inconvenient. How ...
0
votes
1
answer
75
views
Pathfinding Issue in Unity 2D Grid-Based Game: Target Occupies Multiple Tiles
I'm developing my own pathfinding algorithm for a 2D grid-based game in Unity 2D, and I've run into an issue affecting how enemies navigate toward their target.
Problem
Currently, when an enemy ...
0
votes
0
answers
70
views
Why sometimes same output values are obtained with different input data on neural network from scratch C#?
I have been suffering for several days and cannot understand what the problem is, the neural network can SOMETIMES produce the same results for different input data, sometimes it works correctly, ...
5
votes
5
answers
15k
views
"spawn npx ENOENT spawn npx ENOENT" Error in Cline VSCode MCP Server Connection
I tried to install OpenRouter MCP Server using Cline Extension in VSCode Insiders as MCP Client. I got my reference from Smithery (https://smithery.ai/server/@mcpserver/openrouterai).
This is my ...
0
votes
1
answer
112
views
How to make the web version of GitHub Copilot use the correct inline formula version when outputting mathematical formulas?
I found that even after using prompts, inline formulas still cannot be displayed correctly when using the web version of GitHub Copilot.
Some inline formulas are correctly wrapped in a single $ so ...
2
votes
1
answer
412
views
How to Fine-Tune Projection Layer in CLIP Model Using LoRA?
I'm trying to fine-tune the projection layers in the CLIP model using LoRA.
I need help identifying the exact projection layers to modify for my fine-tuning and how I can apply LoRA to them.
Model ...
0
votes
1
answer
148
views
How to Use Template in Langchain to Insert Results from Chain for Further Reasoning?
I'm working with Langchain and OpenAI to develop a conversational AI. I've integrated multiple tools into the chain and am using a template to structure the conversation. However, I'm stuck on how to ...
2
votes
1
answer
537
views
YOLOv11 Model Converted to TFLite Not Producing Correct Output in TensorFlow
I'm training an ALPR detection model using the dataset from Roboflow ALPR with YOLOv11, converted to TFLite using:
import ultralytics as yolo
!yolo detect export model=/content/runs/detect/...
1
vote
0
answers
78
views
how to pass additional query filters to a SelfQueryRetriever?
We are implementing a SelfQueryRetriever using OpenSearch as vectorstore, in general it works fine generating the metadata filters from the user query but we need some way to append other filters to ...
0
votes
1
answer
77
views
Program runs only once even after using loop
def data_input():
# It gets the data that the llm need and the user wants to ask question related to this data
def chat_with_data(data):
messages = [
{
"role": "system&...
0
votes
1
answer
5k
views
Error:[GoogleGenerativeAI Eror]:Error fetching from https://generativelanguage.googleapis.com/v1beta/models/gemini-pro:generateContent:[404 Not Found]
my bot was working fine few days ago and now im randomly getting the following error message
Error: [GoogleGenerativeAI Error]: Error fetching from https://generativelanguage.googleapis.com/v1beta/...
0
votes
0
answers
188
views
In Zed IDE, What is the correct XML format for enabling code edits by the AI assistant?
I'm trying to set up prompts to allow Zed IDE's AI assistant to apply direct changes to files for me to accept. However, I haven't found any documentation on the required syntax and structure for ...
0
votes
1
answer
472
views
How do I generate an OpenAPI definition for an existing application?
I am trying to build a custom connector for Power Apps. I need an OpenAPI definition (a json file) to create the connector. If I have an Azure AI resource, like Computer Vision, how do I generate or ...
0
votes
0
answers
272
views
How do I implement a different type of scheduler after training my DDPM on a linear scheduler?
I trained a Diffusion model (DDPM) using a linear scheduler defined by the following code:
scheduler = DDPMScheduler(
num_train_timesteps=1000,
beta_start=0.0001,
beta_end=0.02,
...
1
vote
1
answer
132
views
How can I fix InternalServerError 500 with AutoGen with DeepSeek in Azure?
I am trying to run this simple Python code:
import os
from autogen import AssistantAgent, UserProxyAgent
llm_config = { "config_list": [ {
"model": "...
0
votes
0
answers
120
views
how to get the target generated query on a self-query retriever(langchain)
I'm implementing a self-query retriever using langchain with OpenSearch as the target vectore store, so far everything is good but we need to capture the generated query in DSL, for debugging and ...
0
votes
1
answer
667
views
Is it possible to include Ollama directly in my Python project?
I'd like to create a Python program with Ollama (llama3.2, or 3.3) included in my package, so that the user doesn't need to install it separately when installing my program.
I've done it with ...
-2
votes
1
answer
108
views
Python Farm-haystack Dependencies
i am trying to implement a model using farm-haystack, however am having a dependency mismatch for the following libraries : transformers farm-haystack langchain pydantic fastapi uvicorn elasticsearch ...
0
votes
1
answer
97
views
Fastdup installation on Win10
I'm setting up a dev-environment to build a NN model for image classification using VSC on a win10 machine. Just an exercise, no special industrial practical solution.
Before actually building the ...
1
vote
1
answer
137
views
Agno Framework: Correct Unix Timestamp but Incorrect dd-mm-yyyy Conversion?
I am using the Agno Framework to fetch historical stock data from Yahoo Finance. My agent correctly retrieves Unix timestamps in milliseconds, but when converting them to dd-mm-yyyy format, it returns ...
0
votes
2
answers
460
views
Trouble Creating GroupChat with Autogen: ValueError Related to `allowed_speaker_transitions_dict`
I'm working on creating a group chat using the autogen library but encountering an error related to the allowed_speaker_transitions_dict. Here's a simplified version of my code:
# Define the data ...
0
votes
0
answers
45
views
Attempting to run pre-trained model on VastAI throws RuntimeError: CUDA error: device-side assert triggered
I have the below code which works fine on my laptop:
from fastapi import FastAPI
from pydantic import BaseModel, Field
from transformers import pipeline
from fastapi.middleware.cors import ...
0
votes
0
answers
131
views
Connecting postgresql with langchain in nodejs isn't working properly. Although, there aren't any errors
so I tried doing this but I am not getting the data as expected from the database. Although, I got it at some times but I don't know what's going on here. here is the code :
INDEX.JS
// index.js
const ...
0
votes
0
answers
191
views
AttributeError: 'CLIPImageProcessor' object has no attribute 'patch_size' when loading fine-tuned LLaVA model from Google Drive
I have fine-tuned a LLaVA (Large Language and Vision Assistant) model on Google Colab and saved it to my Google Drive. Here’s how I saved the model:
from google.colab import drive
drive.mount('/...