Skip to main content

All Questions

Tagged with
-1 votes
0 answers
34 views

How to solve Process finished with exit code -1073741819 (0xC0000005) in Python? [closed]

I am using Python 3.8 in Pycharm. I have Windows 10 and wanted to reproduce this publicly available code: #!/usr/bin/env python # -*- encoding: utf-8 -*- import sys sys.setrecursionlimit(4000) import ...
Idkwhatywantmed's user avatar
-3 votes
0 answers
30 views

Neural Network cost not changing [closed]

I can't seem to figure out why my cost print function is giving me the same cost every time and my weights and biases are not changing. Help would be greatly appreciated and I have tried putting it ...
Damienwin's user avatar
0 votes
0 answers
26 views

PyTorch huge dataset constraints?

I'm training a model in Pytorch to do image-to-image processing. My data is huge, shape is (64152, 3, 5, 2, 64, 144). I'm using memmapping to save on memory as much as humanly possible. The issues ...
Clayton Malott's user avatar
0 votes
1 answer
45 views

segment_anything causing error with numpy.uint8

I am trying to run https://github.com/facebookresearch/segment-anything/blob/main/notebooks/onnx_model_example.ipynb locally, on an M2 MacBook with Sonoma 14.5. However, I keep running into the ...
LNI's user avatar
  • 3,091
-1 votes
0 answers
14 views

neural network customisable from scratch

i made a neural network from scratch .only using numpy library .but the loss function didn't converge ,and the accuracy is not stable.please help me to figure out the problme .and if you can give me ...
HAMZA BEJAOUI's user avatar
1 vote
0 answers
24 views

Value Error in code for neural network approximation

import numpy as np import matplotlib.pyplot as plt # Define the target function f(x) = sin(x)^2 def f(x): return np.sin(x)**2 # Generate training dataset np.random.seed(0) # For reproducibility ...
Siddd's user avatar
  • 31
0 votes
0 answers
50 views

Strange error with mxnet, gluonts, and numpy

Whenever I attempt to install mxnet, I am hit with the error: C:\Program Files\Microsoft Visual Studio\2022\Community\VC\Tools\MSVC\14.40.33807\bin\HostX86\x64\cl.exe /c /nologo /O2 /W3 /GL /DNDEBUG /...
Nicholas Gaty's user avatar
0 votes
0 answers
44 views

Unable to allocate memory for a Reinforcement Learning problem

import gym from gym import spaces import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from stable_baselines3 import PPO from stable_baselines3.common.env_util import ...
Paarth Jha's user avatar
0 votes
1 answer
90 views

Center an image and adding a background at export

I want to automate all of this: Select an object in an image Crop my image on this object Crop to 1:1 aspect ratio, leaving a slight gap around this object Export my image in JPG format in 800x800px ...
Cyril F.'s user avatar
0 votes
0 answers
41 views

TypeError: new(): invalid data type 'str' when creating PyTorch Geometric Data object

labeled_X and unlabeled_X are node features (that is gene/protein expressions) matrices for the annotated reference dataset and target unannotated dataset, respectively. They should be numpy arrays ...
Anon's user avatar
  • 1,505
0 votes
0 answers
69 views

Pytorch in GPU is much slower than numpy on CPU?

I've run across the problem that in an MNIST training pytorch GPU method is much slower than merely applying numpy on CPU. the MNIST data is in the form of csv. torch method import os import time ...
Jou Penn's user avatar
1 vote
1 answer
63 views

Stochastic Gradient Descent algorithm does not work properly (Python)

I need to write SGD-Perceptron for digit recognition according to this guidelines: The selection is MNIST database with 60000 training samples. Get random vector and calculate net (weighted sum) and ...
cherv11's user avatar
  • 11
0 votes
0 answers
27 views

weird plot pattern for mini-batch implementation of a linear regression model

I had to implement gradient descent to learn the B0 and B1 for predicting a linear polynomial equation the program runs as expected but the plot shows that the training error and the testing error of ...
BORED CROW's user avatar
-2 votes
1 answer
47 views

The training error and testing error is very similiar for linear regression model when using gradient descent [closed]

I had to implement gradient descent to learn the B0 and B1 for predicting a linear polynomial equation the program runs as expected but the plot shows that the training error and the testing error of ...
BORED CROW's user avatar
0 votes
1 answer
20 views

ValueError: matmul: Input operand 1 has a mismatch in its core dimension 0, with gufunc signature (n?,k),(k,m?)->(n?,m?) (size 5 is different from 3)

import numpy as np from numpy.linalg import inv from scipy.linalg import pinv # Define necessary functions def create_laplacian_from_adjacency(adj_matrix): degree_matrix = np.diag(adj_matrix.sum(...
lionsgate_009's user avatar

15 30 50 per page
1
2 3 4 5
123