Newest Questions

Filter by
Sorted by
Tagged with
0 votes
0 answers
7 views

I’m trying to enable file uploads in Perplexity AI on a desktop browser, but uploads consistently fail when using a network with iptables-based outbound restrictions. Context Perplexity web UI loads ...
Semifront TEchnologies's user avatar
0 votes
0 answers
5 views

I just read this paper which blew my mind. They said that Adam primarily relies on "the sign of the gradient" for updates (due to normalization). Also it would explain why this scaling paper ...
profPlum's user avatar
  • 566
2 votes
0 answers
18 views

I’m evaluating a few neural vocoders (HiFi-GAN, Vocos, etc.) and I’m seeing the same type of artifact across all of them. I’m not sure exactly what it is, and I’m looking for help identifying it and ...
user17952421's user avatar
0 votes
0 answers
24 views

I’m reevaluating a deep-research workflow I built earlier and would love some advice. My previous design used a static tree workflow (fixed width/depth, node = search → extract → summarize → generate ...
Gosh Li's user avatar
0 votes
0 answers
11 views

I am trying to improve my RTTS dataset mAP accuracy by adding layers or sth in yolo yaml files. Firstly I tried normal training with yolov8n.pt for RTTS dataset and mAP result is 0.74 Secondly I added ...
partizal's user avatar
-2 votes
0 answers
9 views

I want to explore how Movement DAO can effectively connect my cognitive vision with the DAO’s economic architecture. Specifically: 1. AI Direction Shifters & Work Done Metrics • Visionaries (“...
KoKyat's user avatar
  • 1
0 votes
1 answer
27 views

Recently, I read a paper about optimizing airfoil geometry using reinforcement learning. For simplicity, let's say that we want the airfoil to have a high coefficient of lift. What the paper does is ...
DatBoi's user avatar
  • 103
0 votes
0 answers
29 views

I'm trying to increase the mAP value of the RTTS dataset, and for this, I've made changes to yolo8's architecture and added new layers. With the standard yolov8n.pt ...
partizal's user avatar
-1 votes
0 answers
34 views

I’ve noticed a recurring issue with Perplexity AI when working on longer conversations or complex tasks. As the thread grows, Perplexity starts losing previously provided context—instructions, details,...
Semifront TEchnologies's user avatar
-1 votes
0 answers
28 views

I am seeing a repeatable logout issue in the Perplexity AI web app and would like to understand whether this is expected session behavior or a browser‑side problem. Environment Product: Perplexity AI ...
Semifront TEchnologies's user avatar
-1 votes
1 answer
44 views

When converting mistralai/Mistral-Small-3.2-24B-Instruct-2506 to GGUF (via llama_cpp), I get an error saying the tokenizer.json ...
s3dev's user avatar
  • 99
0 votes
0 answers
4 views

Just so we can avoid misunderstandings in the root: In general an Autoencoder tries to capture the complexity of an input in a latent space that is unable to hold all that input. It then tries to ...
Natan's user avatar
  • 101
3 votes
1 answer
238 views

I believe I have a decent understanding of PPO, but I also feel that it could be stated in a simpler, more intuitive way that does not involve the clipping function. That makes me wonder if there is ...
Beane's user avatar
  • 152
0 votes
1 answer
43 views

I want to implement in python some algorithms from a paper that allow for a pre-trained neural network to be modified (adding or removing neurons or layers) conserving (theoretically) the outputs of ...
Rubén Sales Castellar's user avatar
1 vote
1 answer
23 views

I am following the Colab in this link to learn about vectorized environments in SB3. The Colab guides you through 3 experiments, where it explains that simply adding more processes without changing ...
Leo's user avatar
  • 11
1 vote
1 answer
28 views

I'm learning RL and understand the basic actor-critic concept, but I'm confused about the technical details of how the critic actually influences the actor during training. Here's my current ...
Reyomi's user avatar
  • 131
1 vote
0 answers
34 views

I am using Flux.1-dev text to image model for inference through ComfyUI in Kaggle. Everything works but I noticed that Kaggle offers a second GPU inside the notebook. If I try to run two instances of ...
Bram Fran's user avatar
-1 votes
0 answers
41 views

How to choose the best latent dimension for the VAE? From which loss should we see the total training loss at the end of epoch or average training loss? I am working on brain connectivity matrices. I ...
Hassan Shayan's user avatar
1 vote
2 answers
69 views

What is the exact difference between a fully RNN and an Elman Network? I have my lecture notes defining the Elman Network as \begin{align} \textbf{s}(t) &= \textbf{W} \textbf{x}(t) + \textbf{a}(t-...
mafe's user avatar
  • 11
0 votes
2 answers
103 views

I’m new to AI and NLP, and I’m trying to understand how different tools fit together. Large Language Models (LLMs) like OpenAI, DeepSeek, or Gemini can already handle many NLP tasks text ...
itsdevthen's user avatar
0 votes
1 answer
33 views

Suppose you have a input layer consisting of the set of input nodes: ${i_{0},i_{1},..., i_{n}}$. Is there a proof that a combination or a permutation of some nodes with each other would lead to more ...
Root Groves's user avatar
3 votes
1 answer
113 views

I've noticed a consistent pattern in AI-generated text: frequent overuse of em dashes (—), sometimes multiple times in a single paragraph. In contrast, in common human writing—even in the sources AI ...
Harry McKenzie's user avatar
0 votes
1 answer
68 views

The article states OpenAI would require 30million GPUs for a data center consuming 250GW. What is the matrix multiplication portion for this power requirement? Edit: I am looking for percentages of ...
Justaperson's user avatar
0 votes
0 answers
31 views

I am working on a university project exploring Contextual Reinforcement Learning (CRL) using Actor-Critic algorithms (like PPO and SAC). My focus is on how to effectively integrate the state ...
Manu Mano's user avatar
-1 votes
1 answer
30 views

I want to create RAG for personal use and want to use one of the Pretrained Model Embeddings , so which will be the most useful considering i dont want to pay for api/tokens. Thanks
Bhaskar Singh's user avatar
0 votes
1 answer
53 views

So I train with smooth_l1_loss directly with the range of -5 to 5 where it indicates a result for that position in the tensor. (without activation) Whenever you do label classification you do binary ...
AnArrayOfFunctions's user avatar
8 votes
6 answers
3k views

I was watching a lava lamp and started wondering if a computer could ever predict what the blobs are going to do next. It seems like, in theory, you could record tons of video frames, feed them to a ...
Ali Khakbaz's user avatar
0 votes
1 answer
75 views

i am trying to figure out what i would need for a setup to do the following task: i have a korean text about 10-20 pages. i need to translate it, anonymize it, and also swap out some words with ...
pcace's user avatar
  • 101
0 votes
1 answer
61 views

My background: Medical student here who dabbled a little bit into computational psychiatry. I came across the Bellman equation in an introductory text on computational psychiatry and tried to read up ...
Max's user avatar
  • 101
0 votes
0 answers
34 views

I'm currently working on a legal RAG system that will ingest several laws from my country. I have these laws as PDFs. The structure of these laws is: TITLE → CHAPTER → SECTION → ARTICLE. Example (...
Jossy's user avatar
  • 1
2 votes
2 answers
99 views

When asking llama3.3:70b about its supported natural and programming languages it lists more than a dozen each. As a user I am usually asking questions in one natural language for one programming ...
coproc's user avatar
  • 121
0 votes
1 answer
109 views

Certain prompts, like "is there a seahorse emoji?" or "are there any NFL teams ending in s?", which both have the answer "no", trigger some sort of haywire response in ...
Nzall's user avatar
  • 101
0 votes
0 answers
32 views

I am trying to train a TD3 algorithm to place points in 3d space. However, I am currently not able to even get the model to overfit on a small number of data points. As far as I can tell, part of the ...
brzig's user avatar
  • 1
0 votes
1 answer
40 views

Kind of a broad question, but let me narrow it down to one specific use-case/example I'm currently working on / interested in: Finding "closeness" or "similarity" of writing system ...
Lance Pollard's user avatar
1 vote
1 answer
59 views

I'm currently making an AI to play snake using DQN and have run into a performance plateau. Here is the information about the architecture of the model. Network's design: I use CNN + MLP for both ...
Hào Võ's user avatar
1 vote
1 answer
62 views

I have trained a YOLO model using an augmented version of the DAWN dataset, which I obtained from Roboflow. The training ran for 100 epochs, and the resulting metrics, such as mAP50 reaching around 0....
partizal's user avatar
1 vote
1 answer
72 views

Many RL papers discuss exploration strategies (like UCB or entropy bonuses), but their success depends heavily on the environment’s entropy. How do researchers formally normalize or compare ...
Anushka_Grace's user avatar
0 votes
0 answers
21 views

In DDPG, is it okay for the polyak tau value to be larger than critics learning rate? Since if i am right, the critic target network will be updated from the main critic network. And if the main ...
Bejo's user avatar
  • 1
0 votes
0 answers
35 views

I'm designing a computer vision system to detect suspicious customer behavior in a store, for example: unusual body movements near a cashier or shelf sudden hiding motions, loitering for too long in ...
Aalzubair's user avatar
0 votes
1 answer
43 views

I want to code (C++) a method allowing a character C1 to ask or request something from another character C2. The answer of C2 will be environment related: does it knows the thing C1 is looking for? ...
philB's user avatar
  • 101
1 vote
1 answer
37 views

I'm having some issues with the training of a convolutional neural network, as the loss initially decreases but suddenly it becames nan. I guess the problem could be related to some exploding/...
Luke83's user avatar
  • 13
0 votes
1 answer
23 views

I have some client data that is filled with PII information. I want to use Azure or AWS LLM models, but I am afraid they will use this data for further training or send it to some third party. Could ...
Gourav Singh Bais's user avatar
0 votes
0 answers
18 views

I’m working on a hybrid RAG (Retrieval-Augmented Generation) system that combines: Structured data from PostgreSQL A Neo4j graph database LightRAG for hybrid (graph + vector) search I want to use ...
Debug Duckling's user avatar
0 votes
1 answer
26 views

With reference to this paper Towards Adaptive Prefix Tuning for Parameter-Efficient Language Model Fine-tuning, I have following difficulties in understanding the implementation: • "$h_{i−1}$ is ...
Ritil's user avatar
  • 101
1 vote
1 answer
42 views

I asked generative AI to change a small object in a complicated image: Using computer vision (or human operator using Photoshop), I understand the steps to be performed as follows: Search for object ...
James's user avatar
  • 177
0 votes
0 answers
26 views

When training mid-sized language models (around 4B–7B parameters), how are datasets designed to maintain coherence and balance across distinct domains such as code, science, and general text? I am ...
Jugert Mucoimaj's user avatar
1 vote
0 answers
23 views

Most real-time formulation tries to tackle the problem from an efficiency perspective, i.e. if we can get agents react in a very small time $t << T$ (where $T$ is the environment update time), ...
Hao Zhu's user avatar
  • 11
0 votes
1 answer
47 views

I got the following problem in a Computational Intelligence course exam. Analyze the following formulas for training of an MLP as an alternative training algorithm for MLPs. Tell the pros and cons of ...
Iman ghader's user avatar
0 votes
0 answers
17 views

I use bge-m3 model to create embeddings and store them to postgres/pgvector. I am curious if I can: use F16 quantization during data creation and storage. then use Q4_K_M quantization for user search/...
Guix555's user avatar
0 votes
1 answer
37 views

I’ve been exploring open-source projects that connect speech recognition with large language models for intelligent voice input. Recently I came across Ito, an open-source “voice-to-AI” interface that ...
Anna B's user avatar
  • 1

15 30 50 per page
1
2 3 4 5
256