Most frequently viewed NumPy questions on Stack Overflow¶
SO questions tagged ‘numpy’ (73,450 total) downloaded April 29, 2020. First column is number of views. Raw version here.
916,458 Convert pandas dataframe to NumPy array
907,971 How do I create an empty array/matrix in NumPy?
834,187 ValueError: setting an array element with a sequence
764,460 Numpy array dimensions
737,375 How can the Euclidean distance be calculated with NumPy?
728,619 Creating a Pandas DataFrame from a Numpy array: How do I specify the index column and column headers?
719,611 Combine two columns of text in dataframe in pandas/python
711,331 Import Error: No module named numpy
703,385 How to access the ith column of a NumPy multidimensional array?
691,681 How do I read CSV data into a record array in NumPy?
635,957 Dump a NumPy array into a csv file
612,788 Is there a NumPy function to return the first index of something in an array?
608,259 Append a NumPy array to a NumPy array
604,915 ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
603,024 List to array conversion to use ravel() function
544,180 How to print the full NumPy array, without truncation?
535,833 How to normalize an array in NumPy?
508,823 How to count the occurrence of certain item in an ndarray in Python?
506,146 Saving a Numpy array as an image
496,877 How do I find the length (or dimensions, size) of a numpy matrix in python? [duplicate]
458,233 pandas create new column based on values from other columns / apply a function of multiple columns, row-wise
455,914 python numpy ValueError: operands could not be broadcast together with shapes
450,515 How to take column-slices of dataframe in pandas
440,631 How to remove specific elements in a numpy array
436,175 How to add an extra column to a NumPy array
434,302 initialize a numpy array
419,516 Convert Columns to String in Pandas
414,998 numpy matrix vector multiplication [duplicate]
413,546 Converting NumPy array into Python List structure?
405,359 Numpy - add row to array
399,997 How do I convert a numpy array to (and display) an image?
395,948 Pandas conditional creation of a series/dataframe column
394,591 Most efficient way to map function over numpy array
393,657 How to convert a PIL Image into a numpy array?
391,463 Converting between datetime, Timestamp and datetime64
378,997 Most efficient way to reverse a numpy array
364,921 How to pretty-print a numpy.array without scientific notation and with given precision?
364,763 Transposing a NumPy array
359,068 How do I get indices of N maximum values in a NumPy array?
357,294 Calculating Pearson correlation and significance in Python
351,383 How to convert 2D float numpy array to 2D int numpy array?
351,064 Removing nan values from an array
349,708 How do I check which version of NumPy I'm using?
345,587 Replace all elements of Python NumPy Array that are greater than some value
336,184 Installing Numpy on 64bit Windows 7 with Python 2.7.3 [closed]
332,790 Comparing two NumPy arrays for equality, element-wise
328,700 Moving average or running mean
328,486 How to install numpy on windows using pip install?
321,643 Python: find position of element in array
319,096 What does .shape[] do in ''for i in range(Y.shape[0])''?
317,041 How can I convert a tensor into a numpy array in TensorFlow?
303,019 How do I compute derivative using Numpy?
301,643 Plotting a 2D heatmap with Matplotlib
294,114 Sorting arrays in NumPy by column
293,894 NumPy array initialization (fill with identical values)
293,416 how to convert an RGB image to numpy array?
293,372 Concatenating two one-dimensional NumPy arrays
291,212 How do you get the magnitude of a vector in Numpy?
280,097 How to convert an array of strings to an array of floats in numpy?
275,374 matplotlib: Set markers for individual points on a line
272,048 How to save a list as numpy array in python?
271,935 Pandas read_csv low_memory and dtype options
269,278 Find nearest value in numpy array
269,212 From ND to 1D arrays
268,955 What does numpy.random.seed(0) do?
267,538 'list' object has no attribute 'shape'
266,944 numpy: most efficient frequency counts for unique values in an array
266,056 Use a.any() or a.all()
263,929 What does -1 mean in numpy reshape?
263,708 How to import NumPy in the Python shell
262,799 How do I calculate percentiles with python/numpy?
259,922 Plotting a Fast Fourier Transform in Python
258,377 How to write a multidimensional array to a text file?
257,229 ImportError: numpy.core.multiarray failed to import
252,748 numpy array TypeError: only integer scalar arrays can be converted to a scalar index
250,853 Extracting specific columns in numpy array
249,574 How to normalize a NumPy array to within a certain range?
247,927 Convert a 1D array to a 2D array in numpy
247,210 Add single element to array in numpy
245,138 Windows Scipy Install: No Lapack/Blas Resources Found
243,780 Take multiple lists into dataframe
235,882 how does multiplication differ for NumPy Matrix vs Array classes?
232,588 Numpy matrix to array
232,066 A tool to convert MATLAB code to Python [closed]
229,972 How to smooth a curve in the right way?
228,762 How to get correlation of two vectors in python [duplicate]
228,742 Installing SciPy and NumPy using pip
228,068 dropping infinite values from dataframes in pandas?
227,110 How to do exponential and logarithmic curve fitting in Python? I found only polynomial fitting
226,245 ImportError: DLL load failed: The specified module could not be found
226,042 Normalize data in pandas
224,916 Numpy where function multiple conditions
223,187 deleting rows in numpy array
221,858 How to install python modules without root access?
221,443 Linear regression with matplotlib / numpy
221,002 surface plots in matplotlib
220,764 How to add a new row to an empty numpy array
220,421 Index of element in NumPy array
219,645 NumPy array is not JSON serializable
219,502 What does axis in pandas mean?
218,526 NumPy first and last element from array
217,909 How can I prevent the TypeError: list indices must be integers, not tuple when copying a python list to a numpy array?
216,771 List of lists into numpy array
215,570 Find indices of elements equal to zero in a NumPy array
215,510 Simple Digit Recognition OCR in OpenCV-Python
214,811 How to implement the Softmax function in Python
213,292 How do you do natural logs (e.g. ''ln()'') with numpy in Python?
211,136 How to add items into a numpy array
210,734 Python OpenCV2 (cv2) wrapper to get image size?
209,929 How to count the number of true elements in a NumPy bool array
208,035 How does numpy.histogram() work?
203,457 Convert Select Columns in Pandas Dataframe to Numpy Array
202,631 How to add column to numpy array
202,550 Converting numpy dtypes to native python types
201,267 How to get the index of a maximum element in a numpy array along one axis
201,023 find a minimum value in an array of floats
200,245 Create numpy matrix filled with NaNs
198,348 Inverse of a matrix using numpy
197,416 How do I select elements of an array given condition?
196,920 How can I check whether a numpy array is empty or not?
196,920 Concatenate two NumPy arrays vertically
196,412 ImportError in importing from sklearn: cannot import name check_build
195,216 Slicing of a NumPy 2d array, or how do I extract an mxm submatrix from an nxn array (n>m)?
194,967 convert nan value to zero
193,691 numpy division with RuntimeWarning: invalid value encountered in double_scalars
190,137 Pandas: convert dtype 'object' to int
190,124 How to create a numpy array of all True or all False?
189,446 How to get element-wise matrix multiplication (Hadamard product) in numpy?
186,859 How do I calculate r-squared using Python and Numpy?
186,676 TypeError: unhashable type: 'numpy.ndarray'
186,069 Finding local maxima/minima with Numpy in a 1D numpy array
183,143 How to convert a NumPy array to PIL image applying matplotlib colormap
181,820 How does python numpy.where() work?
178,134 ValueError: could not broadcast input array from shape (224,224,3) into shape (224,224)
176,550 Matplotlib: ValueError: x and y must have same first dimension
175,892 Iterating over a numpy array
174,741 Convert array of indices to 1-hot encoded numpy array
174,259 What are the advantages of NumPy over regular Python lists?
174,225 Multiple linear regression in Python
173,268 numpy.where() detailed, step-by-step explanation / examples [closed]
170,235 'invalid value encountered in double_scalars' warning, possibly numpy
169,882 How to calculate moving average using NumPy?
169,690 load csv into 2D matrix with numpy for plotting
168,219 Numpy ValueError: setting an array element with a sequence. This message may appear without the existing of a sequence?
167,830 Working with TIFFs (import, export) in Python using numpy
167,049 How to save and load numpy.array() data properly?
165,640 How to create a density plot in matplotlib?
164,214 How to delete columns in numpy.array
163,586 How can I remove Nan from list Python/NumPy
163,428 Find p-value (significance) in scikit-learn LinearRegression
163,272 Is it possible to use argsort in descending order?
162,920 Compute a confidence interval from sample data
162,277 Get index of a row of a pandas dataframe as an integer
161,988 python numpy/scipy curve fitting
160,921 How can I use numpy.correlate to do autocorrelation?
158,857 How to split/partition a dataset into training and test datasets for, e.g., cross validation?
158,718 Counting unique values in a column in pandas dataframe like in Qlik?
157,971 How can I upgrade NumPy?
157,515 Convert numpy array to tuple
156,042 Efficiently sorting a numpy array in descending order?
155,768 Can't import Numpy in Python
155,415 Histogram Matplotlib
154,408 binning data in python with scipy/numpy
153,872 why numpy.ndarray is object is not callable in my simple for python loop
152,329 How to calculate the sum of all columns of a 2D numpy array (efficiently)
151,945 Error: Microsoft Visual C++ 10.0 is required (Unable to find vcvarsall.bat) [duplicate]
151,584 Python - AttributeError: 'numpy.ndarray' object has no attribute 'append'
151,235 What is the purpose of meshgrid in Python / NumPy?
150,659 Efficiently checking if arbitrary object is NaN in Python / numpy / pandas?
150,641 Pandas Split Dataframe into two Dataframes
150,536 Should I use scipy.pi, numpy.pi, or math.pi?
149,377 Add numpy array as column to Pandas data frame
149,037 Install numpy on python3.3 - Install pip for python3
148,649 Python ''TypeError: unhashable type: 'slice''' for encoding categorical data
148,468 only integers, slices (`:`), ellipsis (` ... `), numpy.newaxis (`None`) and integer or boolean arrays are valid indices
147,991 How to overplot a line on a scatter plot in python?
147,801 Index all *except* one item in python
147,563 Close pre-existing figures in matplotlib when running from eclipse
146,224 numpy max vs amax vs maximum
145,932 Could not install packages due to a ''Environment error :[error 13]: permission denied : 'usr/local/bin/f2py'''
145,837 Python RuntimeWarning: overflow encountered in long scalars
145,425 TypeError: only length-1 arrays can be converted to Python scalars while plot showing
144,791 Find the most frequent number in a numpy vector
143,814 Python+OpenCV: cv2.imwrite
143,744 size of NumPy array
143,538 Mean Squared Error in Numpy?
142,382 figure of imshow() is too small
141,748 How does numpy.newaxis work and when to use it?
141,184 python how to pad numpy array with zeros
141,170 How to normalize a 2-dimensional numpy array in python less verbose?
140,809 How to convert a python numpy array to an RGB image with Opencv 2.4?
140,390 Numpy: Get random set of rows from 2D array
140,350 Converting list to numpy array
139,900 How to use python numpy.savetxt to write strings and float number to an ASCII file?
138,575 Array of arrays (Python/NumPy)
136,626 What are the differences between numpy arrays and matrices? Which one should I use?
136,543 How can I plot a histogram such that the heights of the bars sum to 1 in matplotlib?
135,762 gradient descent using python and numpy
135,338 RuntimeError: module compiled against API version a but this version of numpy is 9
135,291 data type not understood
134,927 python 2.7: cannot pip on windows ''bash: pip: command not found''
134,538 np.mean() vs np.average() in Python NumPy?
134,020 Numpy Resize/Rescale Image
134,005 Reshape an array in NumPy
133,763 python dict to numpy structured array
133,352 Selecting specific rows and columns from NumPy array
132,856 3-dimensional array in numpy
132,758 inverting image in Python with OpenCV
130,541 What is the most efficient way to check if a value exists in a NumPy array?
130,465 Most efficient way to find mode in numpy array
130,315 Numpy first occurrence of value greater than existing value
129,724 What's the simplest way to extend a numpy array in 2 dimensions?
129,405 Replacing Numpy elements if condition is met
128,114 Change values on matplotlib imshow() graph axis
127,124 How can I map True/False to 1/0 in a Pandas DataFrame?
126,888 How do I install SciPy on 64 bit Windows?
126,868 Difference between numpy.array shape (R, 1) and (R,)
126,530 Installing NumPy and SciPy on 64-bit Windows (with Pip)
126,518 Extract csv file specific columns to list in Python
126,346 How to multiply individual elements of a list with a number?
125,952 What are the differences between Pandas and NumPy+SciPy in Python? [closed]
125,876 Iterating over Numpy matrix rows to apply a function each?
125,875 Convert ndarray from float64 to integer
125,594 How to call an element in a numpy array?
124,253 how to convert 2d list to 2d numpy array?
123,432 In-place type conversion of a NumPy array
122,821 'numpy.float64' object is not iterable
121,882 Python: Differentiating between row and column vectors
120,886 How to plot data from multiple two column text files with legends in Matplotlib?
120,773 Colorplot of 2D array matplotlib
119,175 Split (explode) pandas dataframe string entry to separate rows
118,960 How to calculate cumulative normal distribution?
118,637 What is the difference between i = i + 1 and i += 1 in a 'for' loop? [duplicate]
117,732 Using numpy to build an array of all combinations of two arrays
116,794 Numpy: find index of the elements within range
116,700 Count all values in a matrix greater than a value
116,250 Fast check for NaN in NumPy
115,354 What exactly does numpy.exp() do? [closed]
115,292 Plotting power spectrum in python
114,706 Factorial in numpy and scipy
114,596 plot data from CSV file with matplotlib
114,383 Efficient evaluation of a function at every cell of a NumPy array
114,339 'DataFrame' object has no attribute 'sort'
114,027 How can I add new dimensions to a Numpy array?
113,422 Calculate mean across dimension in a 2D array
113,216 Python: slicing a multi-dimensional array
113,056 Initialise numpy array of unknown length
112,558 Shared-memory objects in multiprocessing
112,319 LogisticRegression: Unknown label type: 'continuous' using sklearn in python
110,474 TypeError: only integer scalar arrays can be converted to a scalar index with 1D numpy indices array
110,095 Better way to shuffle two numpy arrays in unison
109,876 Fitting empirical distribution to theoretical ones with Scipy (Python)?
109,830 ''Cloning'' row or column vectors
109,595 fitting data with numpy
109,539 Numpy isnan() fails on an array of floats (from pandas dataframe apply)
109,428 How to fix Python Numpy/Pandas installation?
109,309 How to convert list of numpy arrays into single numpy array?
108,349 Suppress Scientific Notation in Numpy When Creating Array From Nested List
106,756 How to convert a pandas DataFrame subset of columns AND rows into a numpy array?
106,657 How do I catch a numpy warning like it's an exception (not just for testing)?
106,607 Load text file as strings using numpy.loadtxt()
106,235 Numpy how to iterate over columns of array?
106,115 Efficient thresholding filter of an array with numpy
105,445 Plot Normal distribution with Matplotlib
105,067 A column-vector y was passed when a 1d array was expected
105,048 How to fix 'Object arrays cannot be loaded when allow_pickle=False' for imdb.load_data() function?
104,476 Fastest way to compute entropy in Python
103,166 Replacing Pandas or Numpy Nan with a None to use with MysqlDB
102,682 python numpy machine epsilon
102,445 ImportError: cannot import name NUMPY_MKL
102,064 Installing NumPy via Anaconda in Windows
101,898 Numpy AttributeError: 'float' object has no attribute 'exp'
101,694 subsampling every nth entry in a numpy array
101,585 PIL image to array (numpy array to array) - Python
101,347 What is the difference between Numpy's array() and asarray() functions?
101,226 Numpy converting array from float to strings
101,190 Numpy - Replace a number with NaN
100,877 Is there a numpy builtin to reject outliers from a list
100,829 python numpy vector math
99,746 Generate random array of floats between a range
99,078 Test if numpy array contains only zeros
98,460 Python Pandas - Missing required dependencies ['numpy'] 1
98,140 How to square or raise to a power (elementwise) a 2D numpy array?
97,862 Input and output numpy arrays to h5py
97,465 What is the easiest way to install BLAS and LAPACK for scipy?
97,438 How to import cv2 in python3?
97,054 How to identify numpy types in python?
97,002 import an array in python
96,871 No module named numpy
96,760 How to transform numpy.matrix or array to scipy sparse matrix
96,686 Difference between two numpy arrays in python
96,666 How to create a numpy array of arbitrary length strings?
96,473 Singular matrix issue with Numpy
94,974 Principal component analysis in Python
94,960 Elegant way to create empty pandas DataFrame with NaN of type float
94,835 Fitting a Normal distribution to 1D data
94,798 Unsuccessful append to an empty NumPy array
94,283 Converting Numpy Array to OpenCV Array
94,233 TensorFlow ValueError: Cannot feed value of shape (64, 64, 3) for Tensor u'Placeholder:0', which has shape '(?, 64, 64, 3)'
93,790 How to use numpy.genfromtxt when first column is string and the remaining columns are numbers?
93,395 Import numpy on pycharm
93,205 How to implement the ReLU function in Numpy
92,983 How to detect if numpy is installed
92,493 TypeError: only integer scalar arrays can be converted to a scalar index
92,417 What's the fastest way in Python to calculate cosine similarity given sparse matrix data?
92,333 Specifying dtype float32 with pandas.read_csv on pandas 0.10.1
91,765 Numpy `ValueError: operands could not be broadcast together with shape ... `
91,741 Very large matrices using Python and NumPy
91,546 Find unique rows in numpy.array
91,378 How to convert numpy arrays to standard TensorFlow format?
91,325 Binning column with python pandas
91,222 Converting two lists into a matrix
91,059 Numpy: Creating a complex array from 2 real ones?
91,003 How to import csv file as numpy.array in python? [duplicate]
90,889 Unable to allocate array with shape and data type
90,587 Detect if a NumPy array contains at least one non-numeric value?
89,650 Computing cross-correlation function?
89,612 Python memory usage of numpy arrays
89,359 'and' (boolean) vs '&' (bitwise) - Why difference in behavior with lists vs numpy arrays?
88,730 Normalize numpy array columns in python
88,611 ValueError when checking if variable is None or numpy.array
88,466 pylab.hist(data, normed=1). Normalization seems to work incorrect
88,409 Why does corrcoef return a matrix?
88,367 extracting days from a numpy.timedelta64 value
88,311 best way to preserve numpy arrays on disk
88,302 What is the difference between ndarray and array in numpy?
88,258 numpy replace negative values in array
88,249 Loading text file containing both float and string using numpy.loadtxt
88,113 How to make scipy.interpolate give an extrapolated result beyond the input range?
88,035 Calculating the area under a curve given a set of coordinates, without knowing the function
87,972 Counting the number of non-NaN elements in a numpy ndarray in Python
87,817 TypeError: Invalid dimensions for image data when plotting array with imshow()
87,613 Saving numpy array to txt file row wise
87,425 How to copy data from a numpy array to another
87,317 Paritition array into N chunks with Numpy
87,055 Extracting first n columns of a numpy matrix
86,930 Python: How to get values of an array at certain index positions?
86,721 How to get the indices list of all NaN value in numpy array?
86,706 shuffling/permutating a DataFrame in pandas
85,950 No display name and no $DISPLAY environment variable using tkinter through ssh [duplicate]
85,732 How to solve a pair of nonlinear equations using Python?
85,666 Pytorch reshape tensor dimension
85,356 Pandas : compute mean or std (standard deviation) over entire dataframe
85,228 NumPy ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
84,380 Convert np.array of type float64 to type uint8 scaling values
84,114 what does numpy ndarray shape do?
83,837 RuntimeWarning: numpy.dtype size changed, may indicate binary incompatibility
83,540 Numpy: find first index of value fast
83,061 Calculating Covariance with Python and Numpy
82,996 Formatting floats in a numpy array [duplicate]
82,667 Why does the shape of a 1D array not show the number of rows as 1?
82,666 Python-OpenCV cv2 OpenCV Error: Assertion failed (scn == 3 || scn == 4) in unknown function, file ..\..\..\modules\imgproc\src\color.cpp
82,553 FutureWarning: elementwise comparison failed; returning scalar, but in the future will perform elementwise comparison
82,223 Get array elements from index to end
82,178 Shift elements in a numpy array
82,139 What is dtype('O')?
82,132 ValueError: object too deep for desired array while using convolution
81,959 How do I plot list of tuples in Python?
81,880 difference between numpy dot() and inner()
81,873 ValueError: cannot reshape array of size 30470400 into shape (50,1104,104)
81,812 Iterating through a multidimensional array in Python
81,603 How to flatten only some dimensions of a numpy array
81,376 Resampling a numpy array representing an image
81,310 Numpy extract submatrix
81,199 How to install matplotlib with Python3.2
81,055 ValueError: numpy.dtype has the wrong size, try recompiling
80,740 Get year, month or day from numpy datetime64
80,459 Filtering a list based on a list of booleans
80,374 How to plot vectors in python using matplotlib
80,339 Plotting a decision boundary separating 2 classes using Matplotlib's pyplot
80,269 Convert a numpy.ndarray to string(or bytes) and convert it back to numpy.ndarray
80,267 Getting only particular columns in every row in a numpy array [duplicate]
80,262 python - RGB matrix of an image
80,186 how to extract frequency associated with fft values in python
80,170 Convert list or numpy array of single element to float in python
80,115 Generating a dense matrix from a sparse matrix in numpy python
79,931 String concatenation of two pandas columns
79,740 Importing PNG files into Numpy?
79,707 Multiplying across in a numpy array
79,617 Numpy: Divide each row by a vector element
79,609 Convert 2d numpy array into list of lists [duplicate]
79,394 ValueError: all the input arrays must have same number of dimensions
78,609 Cython: ''fatal error: numpy/arrayobject.h: No such file or directory''
78,585 Plot 2-dimensional NumPy array using specific columns
78,214 How to select elements row-wise from a NumPy array?
78,123 How to split data into 3 sets (train, validation and test)?
78,033 Overflow in exp in scipy/numpy in Python?
77,954 How do I get PyLint to recognize numpy members?
77,406 numpy get index where value is true
77,152 The truth value of an array with more than one element is ambigous when trying to index an array
77,141 What is the equivalent of MATLAB's repmat in NumPy
77,006 Difference between import numpy and import numpy as np
76,941 Reading data into numpy array from text file
76,763 How to install NumPy for Python 3.6
76,543 Selecting rows from a NumPy ndarray
76,499 len() of a numpy array in python [duplicate]
76,064 How to get the cumulative distribution function with NumPy?
75,760 numpy subtract every row of matrix by vector
75,636 Python numpy 2D array indexing
75,633 Python 'AttributeError: 'function' object has no attribute 'min''
75,574 Rank items in an array using Python/NumPy, without sorting array twice
75,298 how to install numpy on mac [duplicate]
75,160 Combine 3 separate numpy arrays to an RGB image in Python
74,783 Installing numpy, matplotlib on windows 7 64 bit
74,264 Difference between numpy dot() and Python 3.5+ matrix multiplication @
73,947 Converting int arrays to string arrays in numpy without truncation
73,859 Function application over numpy's matrix row/column
73,720 How to have logarithmic bins in a Python histogram
73,590 Python reshape list to ndim array
73,259 Syntax in Python (.T)
73,014 Setting the fmt option in numpy.savetxt
72,970 Good ways to ''expand'' a numpy ndarray?
72,854 What is the difference between flatten and ravel functions in numpy?
72,671 How to plot empirical cdf in matplotlib in Python?
72,254 Showing ValueError: shapes (1,3) and (1,3) not aligned: 3 (dim 1) != 1 (dim 0)
72,189 Set numpy array elements to zero if they are above a specific threshold
71,885 How to check BLAS/LAPACK linkage in NumPy and SciPy?
71,856 Python: Read and write TIFF 16 bit , three channel , colour images
71,720 How to calculate 1st and 3rd quartiles?
71,717 Solve an equation using a python numerical solver in numpy
71,672 Confusion between numpy, scipy, matplotlib and pylab
71,663 root mean square in numpy and complications of matrix and arrays of numpy
71,489 How to return 0 with divide by zero
71,118 How to plot an array in python?
71,017 Shape of array python
70,895 Python how to combine two matrices in numpy
70,779 How to append a vector to a matrix in python
70,412 numpy array concatenate: ''ValueError: all the input arrays must have same number of dimensions''
70,320 Create 2 dimensional array with 2 one dimensional array
70,157 How to make a 2d numpy array a 3d array?
70,102 Numpy argsort - what is it doing?
69,783 What is the difference between NaN and None?
69,687 Scikit Learn SVC decision_function and predict
69,476 TypeError: 'DataFrame' object is not callable
69,474 Numpy: Checking if a value is NaT
69,458 Arguments to cv2::imshow
69,449 Get the position of the biggest item in a multi-dimensional numpy array
69,404 How to calculate a Gaussian kernel matrix efficiently in numpy?
69,272 How do I remove all zero elements from a NumPy array?
69,270 Fastest way to grow a numpy numeric array
69,200 TypeError: 'numpy.float64' object is not callable
68,869 check how many elements are equal in two numpy arrays python
68,798 how to read certain columns from Excel using Pandas - Python
68,531 Convert list in tuple to numpy array?
68,523 How to shade region under the curve in matplotlib
68,151 What are the available datatypes for 'dtype' with NumPy's loadtxt() an genfromtxt?
68,137 Adding row/column headers to NumPy arrays
68,058 Numpy shuffle multidimensional array by row only, keep column order unchanged
68,001 how to install numpy and pandas on windows
67,751 Pythonic way of detecting outliers in one dimensional observation data
67,717 Pandas: Subtracting two date columns and the result being an integer
67,532 RuntimeWarning: invalid value encountered in greater
67,436 Swapping columns in a numpy array?
67,424 Should I use np.absolute or np.abs?
67,263 numpy.loadtxt, ValueError: could not convert string to float
67,108 Numpy meshgrid in 3D
67,008 Can I get the matrix determinant using Numpy?
66,670 Getting the integer index of a Pandas DataFrame row fulfilling a condition?
66,649 How to correctly uninstall numpy on MacOSX?
66,619 Convert numpy.datetime64 to string object in python
66,582 Read CSV file to numpy array, first row as strings, rest as float
66,321 numpy covariance matrix
66,109 How to perform element wise boolean operations on numpy arrays [duplicate]
66,072 How to check that the anaconda package was properly installed
66,032 How to determine whether a column/variable is numeric or not in Pandas/NumPy?
65,726 Using Pandas to create DataFrame with Series, resulting in memory error
65,456 Perform 2 sample t-test
65,446 How do I fit a sine curve to my data with pylab and numpy?
65,378 Numpy.dot TypeError: Cannot cast array data from dtype('float64') to dtype('S32') according to the rule 'safe'
65,151 Saving arrays as columns with np.savetxt
65,043 Scipy/Numpy FFT Frequency Analysis
64,975 numpy.sin function in degrees?
64,914 Reading a binary .dat file as an array
64,420 How to make a multidimension numpy array with a varying row size?
64,349 Python Pandas - Changing some column types to categories
64,335 Importing data from a MySQL database into a Pandas data frame including column names [duplicate]
64,235 built-in range or numpy.arange: which is more efficient?
64,107 Python pandas: how to remove nan and -inf values
64,072 What is the equivalent of ''zip()'' in Python's numpy?
63,948 One Hot Encoding using numpy [duplicate]
63,884 convert array into DataFrame in Python
63,760 Simplest way to solve mathematical equations in Python
63,649 Convert RGB to black OR white
63,612 Extract upper or lower triangular part of a numpy matrix
63,556 NumPy: Logarithm with base n
63,535 PIP Install Numpy throws an error ''ascii codec can't decode byte 0xe2''
63,512 Python/Numpy MemoryError
63,286 mean, nanmean and warning: Mean of empty slice
63,228 Use numpy array in shared memory for multiprocessing
62,982 float64 with pandas to_csv
62,926 Pandas Timedelta in Days
62,799 python/numpy: how to get 2D array column length?
62,527 ''isnotnan'' functionality in numpy, can this be more pythonic?
62,497 Difference between data type 'datetime64[ns]' and '<M8[ns]'?
62,416 Non-repetitive random number in numpy
62,351 Numpy integer nan [duplicate]
62,247 Modify a particular row/column of a NumPy array
62,219 ufunc 'add' did not contain loop with signature matching type dtype ('S32') ('S32') ('S32')
62,149 How to use sklearn fit_transform with pandas and return dataframe instead of numpy array?
62,078 Problems with pip install numpy - RuntimeError: Broken toolchain: cannot link a simple C program
62,066 python pandas flatten a dataframe to a list
61,833 Python ''Too many indices for array''
61,827 Assigning complex values to numpy arrays?
61,676 scipy: savefig without frames, axes, only content
61,670 How to change a single value in a numpy array?
61,651 Capture video data from screen in Python
61,584 binning a dataframe in pandas in Python
61,459 Replace values of a numpy index array with values of a list
61,436 Numpy build fails with cannot import multiarray
61,368 Python : How to avoid numpy RuntimeWarning in function definition?
61,329 Simple plot in python of a numpy array?
61,013 Calculating Slopes in Numpy (or Scipy)
60,950 Convert dtype from int64 to int32
60,924 Creating Pandas Dataframe between two Numpy arrays, then draw scatter plot
60,788 plus/minus operator for python ±
60,582 Understanding NumPy's Convolve
60,554 Test if all elements of a python list are False
60,438 What is the difference between np.mean and tf.reduce_mean?
60,343 Convert pandas series into numpy array [duplicate]
60,080 Consistently create same random numpy array
60,017 Multivariate normal density in Python?
59,898 Standard deviation in numpy [duplicate]
59,784 Pandas - add value at specific iloc into new dataframe column
59,767 How to count values in a certain range in a Numpy array?
59,716 Python Pandas does not read the first row of csv file
59,646 Two-sample Kolmogorov-Smirnov Test in Python Scipy
59,555 numpy with python: convert 3d array to 2d
59,459 How to sort 2D array (numpy.ndarray) based to the second column in python? [duplicate]
59,376 Initialize empty matrix in Python
59,361 How do I create an array whose elements are all equal to a specified value?
59,262 What does 'index 0 is out of bounds for axis 0 with size 0' mean?
59,054 In Python NumPy what is a dimension and axis?
58,976 Calculate the Cumulative Distribution Function (CDF) in Python
58,878 How to make List from Numpy Matrix in Python
58,821 Read in all csv files from a directory using Python
58,575 Cannot install numpy from wheel format
58,531 Histogram values of a Pandas Series
58,425 Correct way to obtain confidence interval with scipy
58,371 Convert image to a matrix in python
58,338 1D numpy concatenate: TypeError: only integer scalar arrays can be converted to a scalar index [duplicate]
58,319 how to flatten a 2D list to 1D without using numpy? [duplicate]
58,007 How to generate audio from a numpy array?
57,895 Select certain rows (condition met), but only some columns in Python/Numpy
57,877 Getting error: Cannot reshape array of size 122304 into shape (52,28,28)
57,769 How to fast change image brightness with python + OpenCV?
57,194 Remove one column for a numpy array
56,904 How to create a numpy array of lists?
56,803 Combining NumPy arrays
56,793 Mapping a NumPy array in place
56,708 How do I convert a numpy array into a pandas dataframe?
56,463 Convert 1D array into numpy matrix
56,455 Zero pad numpy array
56,362 Mesh grid functions in Python (meshgrid mgrid ogrid ndgrid)
55,997 How to properly mask a numpy 2D array?
55,916 Python: Resize an existing array and fill with zeros
55,794 How to fix IndexError: invalid index to scalar variable
55,757 how to round numpy array?
55,726 Calculate weighted average using a pandas/dataframe
55,690 How to check if a value is in the list in selection from pandas data frame?
55,584 ValueError: Unknown label type: 'unknown'
55,557 How to convert ndarray to array?
55,504 Python List of np arrays to array
55,431 Cartesian product of x and y array points into single array of 2D points
55,430 NumPy or Pandas: Keeping array type as integer while having a NaN value
55,407 Convert numpy array type and values from Float64 to Float32
55,357 Parse a Pandas column to Datetime when importing table from SQL database and filtering rows by date
55,239 How to remove all rows in a numpy.ndarray that contain non-numeric values
55,183 NumPy List Comprehension Syntax
54,999 How to update matplotlib's imshow() window interactively?
54,788 Get the column names of a python numpy ndarray
54,626 how is axis indexed in numpy's array?
54,586 Generating movie from python without saving individual frames to files
54,577 correct and efficient way to flatten array in numpy in python? [duplicate]
54,547 Suppressing scientific notation in pandas?
54,534 ''Converting'' Numpy arrays to Matlab and vice versa
54,497 Average values in two Numpy arrays
54,390 Numpy float64 vs Python float
54,177 What's the maximum size of a numpy array?
54,123 Difference between Python float and numpy float32
54,012 Replace -inf with zero value
53,520 RuntimeWarning: divide by zero encountered in log
53,427 How to check the size of a float in python?
53,297 Difference between np.random.seed() and np.random.RandomState()
53,255 Numpy, multiply array with scalar [duplicate]
53,241 Deal with overflow in exp using numpy
53,157 Pytorch tensor to numpy array
53,067 NumPy: Comparing Elements in Two Arrays
52,958 How to read a CSV without the first column
52,950 How to write a numpy matrix in a text file - python
52,931 sort eigenvalues and associated eigenvectors after using numpy.linalg.eig in python
52,844 Installing NumPy on Windows
52,784 How to calculate the statistics ''t-test'' with numpy
52,613 Create Numpy array of images
52,603 Root mean square of a function in python
52,544 How to find the index of a value in 2d array in Python?
52,475 TypeError: only integer arrays with one element can be converted to an index 3
52,284 Find the index of the k smallest values of a numpy array
52,274 Find the min/max excluding zeros in a numpy array (or a tuple) in python
52,151 TypeError: ufunc 'subtract' did not contain a loop with signature matching types dtype('<U1') dtype('<U1') dtype('<U1')
52,089 Numpy array assignment with copy
52,046 How to get value counts for multiple columns at once in Pandas DataFrame?
52,040 convert a grayscale image to a 3-channel image [duplicate]
51,960 Using a pre-trained word embedding (word2vec or Glove) in TensorFlow
51,901 How to zip two 1d numpy array to 2d numpy array [duplicate]
51,808 FutureWarning: Conversion of the second argument of issubdtype from `float` to `np.floating` is deprecated
51,693 Matplotlib log scale tick label number formatting
51,621 Numpy - the best way to remove the last element from 1 dimensional array?
51,600 Convert an image to 2D array in python
51,528 Numpy ''where'' with multiple conditions
51,337 Python, numpy sort array
51,311 Save / load scipy sparse csr_matrix in portable data format
51,311 Finding count of distinct elements in DataFrame in each column
51,309 How to use numpy.where with logical operators
51,151 No module named when using PyInstaller
51,038 Plotting a Pandas DataSeries.GroupBy
50,962 numpy: function for simultaneous max() and min()
50,853 pandas select from Dataframe using startswith
50,813 Estimate Autocorrelation using Python
50,812 Numpy memory error creating huge matrix
50,789 What is the best way of getting random numbers in NumPy?
50,783 Creating a Pandas DataFrame with a numpy array containing multiple types
50,719 How to convert numpy datetime64 into datetime [duplicate]
50,630 How can I make a python numpy arange of datetime
50,626 cv2.imread: checking if image is being read
50,594 Overcome ValueError for empty array
50,559 Write a raw binary file with NumPy array data
50,527 Numpy and line intersections
50,502 How do I get all the values from a NumPy array excluding a certain index?
50,465 Python:ValueError: shapes (3,) and (118,1) not aligned: 3 (dim 0) != 118 (dim 0)
50,340 How to turn a boolean array into index array in numpy
50,333 What might be the cause of 'invalid value encountered in less_equal' in numpy
50,332 Importing Libraries Issue - ''ImportError: No Module named ____''
50,278 convert a 2D numpy array to a 2D numpy matrix
50,162 Reshape of pandas series?
50,115 data frame to file.txt python
50,062 Installing numpy with pip on windows 10 for python 3.7
50,023 A fast way to find the largest N elements in an numpy array
50,020 Understanding NumPy's einsum
49,967 Elegant way to perform tuple arithmetic
49,856 OpenCV 2.4.8: module compiled against API version 9
49,850 Using NumPy in Visual Studio
49,624 How to convert a column or row matrix to a diagonal matrix in Python?
49,610 Fitting a Weibull distribution using Scipy
49,581 copy 2D array into 3rd dimension, N times (Python)
49,523 Fine-tuning parameters in Logistic Regression
49,427 How to print a Numpy array without brackets?
49,402 How to extend an array in-place in Numpy?
49,342 python: getting around division by zero
49,304 python3-numpy: Appending to a file using numpy savetxt
49,250 I cannot install numpy because it can't find python 2.7, althought I have installed python
49,212 Numpy Vector (N,1) dimension -> (N,) dimension conversion
49,143 how to split column of tuples in pandas dataframe?
49,046 How to plot complex numbers (Argand Diagram) using matplotlib
49,026 Remove duplicate rows of a numpy array [duplicate]
49,018 Convert timedelta64[ns] column to seconds in Python Pandas DataFrame
49,016 What does ''three dots'' in Python mean when indexing what looks like a number?
48,948 Finding index of nearest point in numpy arrays of x and y coordinates
48,871 How to convert a .wav file to a spectrogram in python3
48,850 How to create 3 dimensions matrix in numpy , like matlab a(:,:,:)
48,809 What is the inverse function of zip in python? [duplicate]
48,741 How to read an image in Python OpenCV
48,665 How to transform negative elements to zero without a loop?
48,599 Efficiently count zero elements in numpy array?
48,504 Numpy remove a dimension from np array
48,435 Store different datatypes in one NumPy array?
48,415 whats the fastest way to find eigenvalues/vectors in python?
48,414 What does the c underscore expression `c_` do exactly?
48,397 How to apply numpy.linalg.norm to each row of a matrix?
48,380 how to modify a 2D numpy array at specific locations without a loop?
48,278 How to find the average colour of an image in Python with OpenCV?
48,256 Help with Python UnboundLocalError: local variable referenced before assignment
48,227 Assigning to columns in NumPy?
48,176 pandas equivalent of np.where
47,942 using fsolve to find the solution
47,848 How to printing numpy array with 3 decimal places? [duplicate]
47,843 Equivalent of j in NumPy
47,671 Sum of Square Differences (SSD) in numpy/scipy
47,654 module 'pandas' has no attribute 'read_csv
47,498 Testing if all values in a numpy array are equal [duplicate]
47,456 Axes from plt.subplots() is a ''numpy.ndarray'' object and has no attribute ''plot''
47,224 How to correctly install python-numpy in Ubuntu 11.10 Oneiric
47,197 Filter rows of a numpy array?
47,053 NameError: global name 'numpy' is not defined
47,052 Python: Setting an element of a Numpy matrix
46,978 Retrieve name of column from its Index in Pandas
46,946 How to check if all values in the columns of a numpy matrix are the same?
46,921 Finding range of a numpy array elements
46,898 Exponential curve fitting in SciPy
46,874 pip install numpy (python 2.7) fails with errorcode 1
46,867 What is the way data is stored in *.npy?
46,851 fitting exponential decay with no initial guessing
46,829 Pandas - Replace values based on index
46,807 Saving a Numpy array as an image (instructions)
46,802 ''Divide by zero encountered in log'' when not dividing by zero
46,751 Convert string to numpy array
46,728 How to replace one column by a value in a numpy array?
46,558 How to find max value in a numpy array column?
46,520 No module named 'numpy': Visual Studio Code
46,456 Convert row vector to column vector in NumPy
46,435 Strings in a DataFrame, but dtype is object
46,389 How to correctly use scipy's skew and kurtosis functions?
46,282 Determining duplicate values in an array
46,238 Easy way to test if each element in an numpy array lies between two values?
46,136 How can I simultaneously select all odd rows and all even columns of an array
46,134 Python - TypeError: Object of type 'int64' is not JSON serializable
46,086 Relationship between SciPy and NumPy
46,037 how to plot and annotate hierarchical clustering dendrograms in scipy/matplotlib
45,912 TypeError with ufunc bitwise_xor
45,867 Concat DataFrame Reindexing only valid with uniquely valued Index objects
45,820 How do you find the IQR in Numpy?
45,779 Scikit-learn : Input contains NaN, infinity or a value too large for dtype ('float64')
45,685 Read file and plot CDF in Python
45,660 How to gauss-filter (blur) a floating point numpy array
45,564 randomly selecting items from an array python [duplicate]
45,483 Python: ufunc 'add' did not contain a loop with signature matching types dtype('S21') dtype('S21') dtype('S21')
45,434 Python numpy.square vs **
45,416 Transforming a row vector into a column vector in Numpy
45,407 Python pickle protocol choice?
45,374 Pythonic way to create a numpy array from a list of numpy arrays
45,317 Is there a multi-dimensional version of arange/linspace in numpy?
45,315 How to install NumPy for python 3.3.5 on Mac OSX 10.9
45,274 How to multiply a numpy array by a scalar
45,236 AttributeError: 'numpy.ndarray' object has no attribute 'columns'
45,233 Load compressed data (.npz) from file using numpy.load
45,204 Merging two DataFrames
45,178 Insert element into numpy array
45,058 How to convert an image from np.uint16 to np.uint8?
45,006 python: check if list is multidimensional or one dimensional
44,917 How to calculate correlation between all columns and remove highly correlated ones using python or pandas
44,911 numpy.max or max ? Which one is faster?
44,885 How to remove a column in a numpy array?
44,842 Calculating gradient with NumPy
44,783 Sorting a python array/recarray by column
44,723 Using Numpy Vectorize on Functions that Return Vectors
44,585 ''IsADirectoryError: [Errno 21] Is a directory: '' It is a file
44,482 Error: Setting an array element with a sequence. Python / Numpy
44,468 how to apply a mask from one array to another array?
44,443 shuffle vs permute numpy
44,412 replace zeroes in numpy array with the median value
44,396 How to construct a ndarray from a numpy array? python
44,341 Numpy array: sequence too large
44,334 Iterating over arbitrary dimension of numpy.array
44,312 Most efficient property to hash for numpy array
44,231 Any way to solve a system of coupled differential equations in python?
44,195 NumPy for windows python 2.7 [closed]
44,163 TypeError: 'numpy.float64' object does not support item assignment
44,119 Numpy: 1D array with various shape
44,037 Matplotlib runs out of memory when plotting in a loop
44,035 Numpy hstack - ''ValueError: all the input arrays must have same number of dimensions'' - but they do
44,033 NumPy: calculate averages with NaNs removed
44,001 Overlay imshow plots in matplotlib
43,989 Weighted choice short and simple [duplicate]
43,973 Pandas lookup based on value
43,940 Numpy ‘smart’ symmetric matrix
43,898 How to append elements to a numpy array
43,871 2d convolution using python and numpy
43,845 How to calculate a Fourier series in Numpy?
43,816 What's the fastest way to increase color image contrast with OpenCV in python (cv2)?
43,769 Function to determine if two numbers are nearly equal when rounded to n significant decimal digits
43,762 Fitting a 2D Gaussian function using scipy.optimize.curve_fit - ValueError and minpack.error
43,706 Select elements of numpy array via boolean mask array
43,696 Can't broadcast input array from shape (3,1) into shape (3,)
43,685 What is the difference between contiguous and non-contiguous arrays?
43,672 Time difference in seconds from numpy.timedelta64
43,591 Can't import cv2; ''DLL load failed''
43,570 How can I get descriptive statistics of a NumPy array?
43,564 Store numpy.array in cells of a Pandas.DataFrame
43,540 Python interpolation
43,506 SQL-like window functions in PANDAS: Row Numbering in Python Pandas Dataframe
43,446 How does condensed distance matrix work? (pdist)
43,368 Using Spyder / Python to Open .npy File
43,317 array.shape() giving error tuple not callable
43,191 How to plot files with numpy?
43,169 Getting only those values that fulfill a condition in a numpy array
43,157 When to apply(pd.to_numeric) and when to astype(np.float64) in python?
43,094 Converting a NumPy array to a PIL image
43,069 Concatenating empty array in Numpy
43,039 How to calculate RMSE using IPython/NumPy?
42,959 sliding window of M-by-N shape numpy.ndarray
42,943 crop center portion of a numpy image
42,907 How to access a column in a list of lists in python
42,887 numpy array 1.9.2 getting ValueError: could not broadcast input array from shape (4,2) into shape (4)
42,871 Plot line graph from histogram data in matplotlib
42,765 Creating a 3D plot from a 3D numpy array
42,757 This message always refers to index problems? IndexError: index out of bounds
42,719 numpy vstack vs. column_stack
42,704 python numpy euclidean distance calculation between matrices of row vectors
42,699 numpy array of objects
42,691 Using numpy.genfromtxt to read a csv file with strings containing commas
42,666 Replace the zeros in a NumPy integer array with nan
42,656 efficient python array to numpy array conversion
42,652 Is there any numpy group by function?
42,630 Making a 0 to n vector in python
42,622 Convert list of numpy.float64 to float in Python quickly
42,611 Python unhashable type: 'numpy.ndarray'
42,611 Building multi-regression model throws error: `Pandas data cast to numpy dtype of object. Check input data with np.asarray(data).`
42,581 How to fix AttributeError: module 'numpy' has no attribute 'square' [closed]
42,275 How to loop through 2D numpy array using x and y coordinates without getting out of bounds error?
42,274 High Pass Filter for image processing in python by using scipy/numpy
42,143 I have need the N minimum (index) values in a numpy array
42,000 Inverse Distance Weighted (IDW) Interpolation with Python
41,833 What does [:, :] mean on NumPy arrays
41,757 Binary random array with a specific proportion of ones?
41,673 How do I extract a sub-array from a numpy 2d array? [duplicate]
41,669 How to Mask an image using Numpy/OpenCV?
41,660 Reshaping a numpy array in python
41,640 Numpy list of 1D Arrays to 2D Array
41,622 numpy array: replace nan values with average of columns
41,596 Faster way of polygon intersection with shapely
41,462 Efficiently detect sign-changes in python
41,422 How to generate a random normal distribution of integers
41,381 Best way to assert for numpy.array equality?
41,378 Predicting missing values with scikit-learn's Imputer module
41,344 How to get the values from a NumPy array using multiple indices
41,243 Prepend element to numpy array
40,865 Numpy element wise division not working as expected
40,814 Python's sum vs. NumPy's numpy.sum
40,687 Concatenating column vectors using numpy arrays
40,670 Divide ndarray by scalar - Numpy / Python
40,581 How can I draw scatter trend line on matplot? Python-Pandas
40,571 Structure of inputs to scipy minimize function
40,519 Fast replacement of values in a numpy array
40,501 numpy: Invalid value encountered in true_divide
40,387 np arrays being immutable - ''assignment destination is read-only''
40,365 Read flat list into multidimensional array/matrix in python
40,353 ValueError: x and y must be the same size
40,345 Element-wise string concatenation in numpy
40,267 pip not installing modules
40,226 remove zero lines 2-D numpy array
40,046 Creating dictionary from numpy array
39,927 Load Excel file into numpy 2D array
39,850 Using Numpy (np.linalg.svd) for Singular Value Decomposition
39,784 Numpy - module has no attribute 'arrange' [closed]
39,766 Flattening a list of NumPy arrays?
39,722 Overflow Error in Python's numpy.exp function
39,688 How does one initialize a variable with tf.get_variable and a numpy value in TensorFlow?
39,656 How should I use Numpy's vstack method?
39,653 Is 'for x in array' always result in sorted x? [Python/NumPy]
39,646 Interpolate NaN values in a numpy array
39,621 Building up an array in numpy/scipy by iteration in Python?
39,534 Screen Capture with OpenCV and Python-2.7
39,526 IndexError: too many indices. Numpy Array with 1 row and 2 columns
39,520 How to obtain a gaussian filter in python
39,507 What's the error of numpy.polyfit?
39,486 Weighted standard deviation in NumPy
39,409 Rearrange columns of numpy 2D array
39,406 changing the values of the diagonal of a matrix in numpy
39,386 when should i use hstack/vstack vs append vs concatenate vs column_stack
39,250 How does NumPy's transpose() method permute the axes of an array?
39,229 Python - Conversion of list of arrays to 2D array
39,218 numpy-equivalent of list.pop?
39,201 numpy.core.multiarray failed to import
39,191 Subsetting data in Python
39,155 Opencv polylines function in python throws exception
39,106 Remove background of the image using opencv Python
39,078 Neural network always predicts the same class
38,997 How to rearrange array based upon index array
38,937 Save a numpy matrix
38,921 Simple adding two arrays using numpy in python?
38,888 why do we need np.squeeze()?
38,732 What does ret and frame mean here?
38,676 Python Exception in thread Thread-1 (most likely raised during interpreter shutdown)?
38,668 How to perform two-sample one-tailed t-test with numpy/scipy
38,640 Importing opencv and getting numpy.core.multiarray failed to import
38,625 How to apply a function / map values of each element in a 2d numpy array/matrix?
38,546 Convert Pandas dataframe to Sparse Numpy Matrix directly
38,538 Calculating the percentage of variance measure for k-means?
38,537 How to multiply a scalar throughout a specific column within a NumPy array?
38,509 How to return the highest value from a multi dimensional array?
38,506 Loading a file into a numpy array with python
38,491 How to read mp4 video to be processed by scikit-image?
38,450 Merge two numpy arrays
38,425 numpy.savetxt resulting a formatting mismatch error in python 3.5
38,425 Dictionary keys and values to separate numpy arrays
38,423 pandas Series getting 'Data must be 1-dimensional' error
38,377 Find out if matrix is positive definite with numpy
38,261 Releasing memory of huge numpy array in IPython
38,240 Anaconda Python - how to reinstall NumPy
38,220 How to import/open numpy module to IDLE
38,212 Python: realtime audio streaming with PyAudio (or something else)?
38,156 How to update Numpy on Mac OS X Snow Leopard?
38,098 Benchmarking (python vs. c++ using BLAS) and (numpy)
38,095 python, numpy; How to insert element at the start of an array
38,094 How to get stable results with TensorFlow, setting random seed
38,021 curve fitting with python
37,919 How to assign a string value to an array in numpy?
37,860 how set numpy floating point accuracy?
37,841 IndexError: too many indices
37,797 Display array as raster image in python
37,797 Cross-correlation (time-lag-correlation) with pandas?
37,792 ''Got 1 columns instead of ... '' error in numpy
37,779 Multiply several matrices in numpy
37,753 Is shared readonly data copied to different processes for multiprocessing?
37,682 How to use leastsq function from scipy.optimize in python to fit both a straight line and a quadratic line to data sets x and y
37,635 Variance Inflation Factor in Python
37,634 Find the index of minimum values in given array in Python
37,623 How to get the range of valid Numpy data types?
37,588 NumPy: how to quickly normalize many vectors?
37,486 numpy array row major and column major
37,456 Multivariate polynomial regression with numpy
37,426 output of numpy.where(condition) is not an array, but a tuple of arrays: why?
37,354 How to extract all columns but one from an array (or matrix) in python?
37,289 pip fails to install numpy error code 1
37,260 Finding the maximum of a function
37,219 How to set first N elements of array to zero?
37,173 Convert Image ( png ) To Matrix And Then To 1D Array
37,135 Compiling numpy with OpenBLAS integration
37,128 OS X - Deciding between anaconda and homebrew Python environments
37,110 Python - NumPy - tuples as elements of an array
37,086 Quadratic Program (QP) Solver that only depends on NumPy/SciPy?
37,085 Python numpy array of numpy arrays
37,049 How to install numpy+mkl for python 2.7 on windows 64 bit?
37,048 testing whether a Numpy array contains a given row
37,012 Resample a numpy array
36,939 Concatenation of 2 1D `numpy` Arrays Along 2nd Axis
36,934 ImportError: No module named numpy on spark workers
36,882 Printing FULL contents of numpy array [duplicate]
36,847 Efficiently Calculating a Euclidean Distance Matrix Using Numpy
36,826 Sending live video frame over network in python opencv
36,807 Matplotlib plot numpy matrix as 0 index
36,777 TypeError: Mismatch between array dtype ('object') and format specifier ('%.18e')
36,747 Adding Header to Numpy array
36,732 How to add a line of best fit to scatter plot
36,584 Numpy where() on a 2D matrix
36,522 Numpy `logical_or` for more than two arguments
36,501 How to install python packages without root privileges?
36,482 How to automatically annotate maximum value in pyplot?
36,466 Understanding numpy.linalg.norm() in IPython
36,443 Generating Discrete random variables with specified weights using SciPy or NumPy
36,402 NumPy array/matrix of mixed types
36,382 Minimum Euclidean distance between points in two different Numpy arrays, not within
36,312 Converting 2D Numpy array of grayscale values to a PIL image
36,307 Linear Regression with Python numpy
36,292 How do I standardize a matrix?
36,283 How can I serialize a numpy array while preserving matrix dimensions?
36,266 Matplotlib Plot Lines with Colors Through Colormap
36,261 Is there a way to define a float array in Python?
36,255 Processing a very very big data set in python - memory error
36,233 How to find dimension of a nested tuple?
36,198 R summary() equivalent in numpy
36,195 How to force zero interception in linear regression?
36,188 Matplotlib.Pyplot does not show output; No Error
36,172 numpy uint8 pixel wrapping solution
36,168 NaN in python and validity checking [duplicate]
36,135 How to convert a python set to a numpy array?
36,125 numpy sum of squares for matrix
36,092 Convert an image RGB->Lab with python
36,084 Using numpy 'module' object has no attribute 'array' [duplicate]
36,080 Python: Creating a 2D histogram from a numpy matrix
36,069 Finding the nearest value and return the index of array in Python
35,980 CountVectorizer: AttributeError: 'numpy.ndarray' object has no attribute 'lower'
35,970 numpy : How to convert an array type quickly
35,934 Downsample array in Python
35,925 How to apply piecewise linear fit in Python?
35,725 Why does numpy std() give a different result to matlab std()?
35,707 How to scale axes in mplot3d
35,667 ImportError: No module named 'pandas.indexes'
35,611 How to get data in a histogram bin
35,610 Meaning of 0x and \x in python hex strings?
35,595 numpy.float64 object is not iterable ... but I'm NOT trying to
35,576 Downsampling a 2d numpy array in python
35,567 Merging and subtracting DataFrame columns in pandas?
35,567 How to convert a Numpy 2D array with object dtype to a regular 2D array of floats
35,541 Python difference between randn and normal
35,515 Faster numpy cartesian to spherical coordinate conversion?
35,509 What is python's equivalent of R's NA?
35,461 changing numpy array to float
35,410 Getting No loop matching the specified signature and casting error
35,398 How to convert python int into numpy.int64?
35,385 SimpleJSON and NumPy array
35,371 How to create a dynamic array
35,354 finding the value of the min and max pixel
35,336 Append a list of arrays as column to pandas Data Frame with same column indices
35,279 Applying sqrt function on a column
35,233 FutureWarning: Using a non-tuple sequence for multidimensional indexing is deprecated use `arr[tuple(seq)]` instead of `arr[seq]`
35,213 Numpy reshape 1d to 2d array with 1 column
35,168 Pass percentiles to pandas agg function
35,143 save numpy array in append mode
35,122 Efficient distance calculation between N points and a reference in numpy/scipy
35,089 How to interpret the values returned by numpy.correlate and numpy.corrcoef?
35,088 How to create a white image in Python?
35,067 numpy: what is the logic of the argmin() and argmax() functions?
35,061 numpy array with dtype Decimal?
34,969 Pb converting a list of pandas.Series into a numpy array of pandas.Series
34,929 NumPy: Pretty print tabular data
34,917 Output different precision by column with pandas.DataFrame.to_csv()?
34,868 Adding a background image to a plot with known corner coordinates
34,827 median of pandas dataframe
34,768 How to return all the minimum indices in numpy
34,728 SciPy/Python install on Ubuntu
34,727 How to get mini-batches in pytorch in a clean and efficient way?
34,685 Deleting certain elements from numpy array using conditional checks
34,677 ImportError: cannot import name '_validate_lengths'
34,639 Concatenate Numpy arrays without copying
34,633 What are the causes of overflow encountered in double_scalars besides division by zero?
34,621 Python: Concatenate (or clone) a numpy array N times
34,479 Collecting results from a loop that returns NumPy Arrays
34,465 what does .dtype do?
34,463 3d Numpy array to 2d
34,435 Installing numpy on Docker Alpine
34,426 Python : save dictionaries through numpy.save [duplicate]
34,317 How to find the groups of consecutive elements in a NumPy array
34,274 Tensorflow: How to modify the value in tensor
34,142 TypeError: only length-1 arrays can be converted to Python scalars with NUMPY
34,140 Argmax of numpy array returning non-flat indices
34,065 Filtering pandas dataframe with multiple Boolean columns
34,048 Solving non-linear equations in python
34,037 setting null values in a numpy array
33,986 Saving prediction results to CSV
33,977 IndexError: only integers, slices (`:`), ellipsis (` ... `), numpy.newaxis (`None`) and integer or boolean arrays are valid indices
33,872 How to filter/smooth with SciPy/Numpy?
33,854 NumPy selecting specific column index per row by using a list of indexes
33,839 What's an efficient way to find if a point lies in the convex hull of a point cloud?
33,838 How to load multiple images in a numpy array ?
33,805 Constructing a Python set from a Numpy matrix
33,794 Automatically import modules when entering the python or ipython interpreter
33,788 cannot perform reduce with flexible type
33,776 What does numpy.gradient do?
33,769 numpy array concatenation error: 0-d arrays can't be concatenated
33,704 Using python with Anaconda in Windows
33,693 ValueError: Shape of passed values is (3, 27), indices imply (4, 27) # pandas DataFrame
33,688 Overlay an image segmentation with numpy and matplotlib
33,631 replace values in an array
33,598 Why does it take ages to install Pandas on Alpine Linux
33,586 numpy python 3.4.1 installation: Python 3.4 not found in registry
33,457 Convert Numpy array to Pandas DataFrame column-wise (As Single Row)
33,440 Why does multiprocessing use only a single core after I import numpy?
33,423 How to convert Numpy array to Panda DataFrame
33,398 Scipy sparse ... arrays?
33,356 Computing the correlation coefficient between two multi-dimensional arrays
33,356 Chi squared test in Python
33,323 interpolate 3D volume with numpy and or scipy
33,304 Scatter plot with a huge amount of data
33,282 'numpy.ndarray' object has no attribute 'index'
33,245 Python: TypeError: unsupported operand type(s) for /: 'float' and 'list'
33,222 Differences between numpy.random.rand vs numpy.random.randn in Python
33,211 Slice 2d array into smaller 2d arrays
33,204 Python numpy: cannot convert datetime64[ns] to datetime64[D] (to use with Numba)
33,203 Does matplotlib have a function for drawing diagonal lines in axis coordinates?
33,120 Numpy index slice without losing dimension information
33,112 Optimal way to compute pairwise mutual information using numpy
33,107 in Numpy, how to zip two 2-D arrays?
33,056 Best way to initialize and fill an numpy array?
33,031 convert numpy array to 0 or 1
32,918 How to solve differential equation using Python builtin function odeint?
32,863 How detect length of a numpy array with only one element?
32,835 Parallelizing a Numpy vector operation
32,761 numpy divide row by row sum
32,754 Convert list of tuples to structured numpy array
32,745 Numpy equivalent of Matlab's findpeaks function? [duplicate]
32,740 Array elementwise operations
32,737 `TypeError: invalid type promotion` when appending to a heterogeneous numpy array
32,726 kmeans scatter plot: plot different colors per cluster
32,725 Frequency plot in Python/Pandas DataFrame
32,710 Deleting Elements from an array
32,690 How to declare and fill an array in Python?
32,660 Are numpy arrays passed by reference?
32,644 What is the difference between numpy.fft and scipy.fftpack?
32,623 How to resample a dataframe with different functions applied to each column?
32,615 global name 'sqrt' not defined
32,607 Quickest way to find the nth largest value in a numpy Matrix
32,602 Coalesce values from 2 columns into a single column in a pandas dataframe
32,570 Plotting with a transparent marker but non-transparent edge
32,565 ImportError: No module named numpy
32,535 How to delete an object from a numpy array without knowing the index
32,515 Drawing Bounding box around given size Area contour
32,456 how to implement tensorflow's next_batch for own data
32,452 PIL: using fromarray() with binary data and writing coloured text
32,444 write numpy ndarray to Image
32,333 setting spacing between grouped bar plots in matplotlib
32,315 How to randomly shuffle data and target in python?
32,314 Python can't multiply sequence by non-int of type 'float'
32,305 Are NumPy's math functions faster than Python's?
32,232 How to slice a 2D Python Array? Fails with: ''TypeError: list indices must be integers, not tuple''
32,172 Python (NumPy, SciPy), finding the null space of a matrix
32,146 AttributeError: 'numpy.ndarray' object has no attribute 'append':Image processing example
32,123 Inverting a numpy boolean array using ~
32,090 Subsetting a 2D numpy array
32,069 Size of data type using NumPy
32,057 Inserting a row at a specific location in a 2d array in numpy?
32,019 Numpy equivalent of if/else without loop
31,957 python - invalid value encountered in log
31,936 Installing NumPy with pip fails on Ubuntu
31,935 Matplotlib: save plot to numpy array
31,902 Still can't install scipy due to missing fortran compiler after brew install gcc on Mac OS X
31,864 HDF5 file created with h5py can't be opened by h5py
31,849 Get first and second highest values in pandas columns
31,777 Convert numpy.nd array to json [duplicate]
31,772 How can I turn a flat list into a 2D array in python?
31,768 Save Numpy Array using Pickle
31,764 Flatten numpy array
31,754 numpy loadtxt skip first row
31,692 How to 'turn off' blurry effect of imshow() in matplotlib?
31,685 Python - Efficient way to add rows to dataframe
31,668 Python finite difference functions?
31,611 Error ''TypeError: type numpy.ndarray doesn't define __round__ method''
31,606 Numpy error: Singular matrix
31,602 Equivalent of Numpy.argsort() in basic python? [duplicate]
31,600 Upgrade to numpy 1.8.0 on Ubuntu 12.04
31,567 How do I calculate PDF (probability density function) in Python?
31,555 NumPy, PIL adding an image
31,551 list memory usage in ipython and jupyter
31,539 How to change column names in pandas Dataframe using a list of names?
31,354 I am getting a warning <RuntimeWarning: invalid value encountered in sqrt>
31,265 Fastest save and load options for a numpy array
31,257 Convert numpy array to pandas dataframe
31,254 Vectorized way of calculating row-wise dot product two matrices with Scipy
31,253 numpy array creating with a sequence
31,238 Find matching rows in 2 dimensional numpy array
31,228 'numpy.ndarray' object has no attribute 'values'
31,220 NumPy loadtxt data type
31,213 Get coordinates of local maxima in 2D array above certain value
31,181 plotting a histogram on a Log scale with Matplotlib
31,149 Cannot convert array to floats python
31,145 AttributeError: 'tuple' object has no attribute 'shape'
31,142 unhashable type: 'numpy.ndarray' error in tensorflow
31,122 AttributeError: module 'numpy' has no attribute '__version__'
31,049 How to raise a numpy array to a power? (corresponding to repeated matrix multiplications, not elementwise)
31,045 Python/Scipy 2D Interpolation (Non-uniform Data)
30,956 Matrix multiplication, solve Ax = b solve for x
30,951 Convolve2d just by using Numpy
30,923 Adding a vector to matrix rows in numpy
30,902 How to surface plot/3d plot from dataframe?
30,868 FFT-based 2D convolution and correlation in Python
30,845 Display MNIST image using matplotlib [duplicate]
30,800 Append 2D array to 3D array, extending third dimension
30,759 Use Numpy to convert rgb pixel array into grayscale [duplicate]
30,708 How do I use a minimization function in scipy with constraints
30,694 How to solve the AttributeError:'list' object has no attribute 'astype'?
30,681 Why can't I suppress numpy warnings
30,660 Numpy is installed but still getting error
30,630 Python: intersection indices numpy array
30,614 How to sort in descending order with numpy?
30,589 Extract Specific RANGE of columns in numpy array Python
30,581 OpenCV 4 TypeError: Expected cv::UMat for argument 'labels'
30,555 How to read data into TensorFlow batches from example queue?
30,529 How to write simple geometric shapes into numpy arrays
30,491 assigning points to bins
30,458 Comparing previous row values in Pandas DataFrame
30,421 Importing sound files into Python as NumPy arrays (alternatives to audiolab)
30,355 What is the correct way to change image channel ordering between channels first and channels last?
30,348 Saving dictionary of numpy arrays
30,348 How to apply a disc shaped mask to a NumPy array?
30,225 Can't update to numpy 1.13 with anaconda?
30,220 Find all local Maxima and Minima when x and y values are given as numpy arrays
30,132 Print an integer array as hexadecimal numbers
30,070 polynomial regression using python
30,047 which is faster for load: pickle or hdf5 in python [closed]
30,027 Rounding entries in a Pandas DafaFrame
30,005 How to make numpy.argmax return all occurrences of the maximum?
29,986 Install NumPy for Python 3.5
29,986 Install NumPy for Python 3.5
29,944 TypeError: src is not a numpy array, neither a scalar
29,923 multithreaded blas in python/numpy
29,902 Distance between point and a line (from two points)
29,888 Reverse sort and argsort in python
29,888 Cross product of a vector in NumPy
29,866 plotting a 2D matrix in python, code and most useful visualization
29,863 numpy undefined symbol: PyFPE_jbuf
29,859 How to read part of binary file with numpy?
29,856 How to change numpy array into grayscale opencv image
29,779 NumPy and SciPy - Difference between .todense() and .toarray()
29,767 NumPy version of ''Exponential weighted moving average'', equivalent to pandas.ewm().mean()
29,766 Get indices of elements that are greater than a threshold in 2D numpy array
29,757 Get mean value avoiding nan using numpy in python [duplicate]
29,744 Value error: Input arrays should have the same number of samples as target arrays. Found 1600 input samples and 6400 target samples
29,741 Numpy.dot() dimensions not aligned
29,699 Sort array's rows by another array in Python
29,686 Why are NumPy arrays so fast?
29,657 python opencv TypeError: Layout of the output array incompatible with cv::Mat
29,638 Numpy/Python Array Value error
29,592 How to set the precision on str(numpy.float64)?
29,569 How do I create character arrays in numpy?
29,522 Calling a lambda with a numpy array
29,517 How to convert list of model objects to pandas dataframe?
29,512 How to display progress of scipy.optimize function?
29,503 Python Array Slice With Comma?
29,496 Python MemoryError when doing fitting with Scikit-learn
29,441 AttributeError: 'Tensor' object has no attribute 'numpy'
29,399 How to pad with zeros a tensor along some axis (Python)
29,392 How to use datasets.fetch_mldata() in sklearn?
29,333 Fitting to Poisson histogram
29,311 What is a ''scalar'' in numpy?
29,311 Dumping numpy array into an excel file
29,241 How do I remove the first and last rows and columns from a 2D numpy array?
29,229 pandas.read_csv from string or package data
29,222 Pandas: Read specific Excel cell value into a variable
29,221 Replacing row values in pandas
29,210 NumPy save some arrays at once
29,180 Python 3.4 and 2.7: Cannot install numpy package for python 3.4
29,174 filename.whl is not a supported wheel on this platform
29,119 Adding columns to matrix in python
29,106 Numpy warning:Casting Complex to real discards imaginary part
29,099 Generating Symmetric Matrices in Numpy
29,094 numpy/scipy/ipython:Failed to interpret file as a pickle
29,091 How to create identity matrix with numpy
29,058 Saving Matplotlib graphs to image as full screen
29,043 difference between np.inf and float('Inf')
29,001 ImportError: DLL load failed when importing Numpy installed in conda virtual environment
28,972 Interweaving two numpy arrays
28,948 numpy corrcoef - compute correlation matrix while ignoring missing data
28,939 Difference between np.dot and np.multiply with np.sum in binary cross-entropy loss calculation
28,904 Calculate Matrix Rank using scipy
28,877 Weird behaviour initializing a numpy array of string data
28,832 Pandas replacing elements not working
28,818 How to vertically concatenate two arrays in Python? [duplicate]
28,804 Swapping the dimensions of a numpy array
28,803 sampling random floats on a range in numpy
28,797 Python Numpy - Complex Numbers - Is there a function for Polar to Rectangular conversion?
28,794 how to save an array as a grayscale image with matplotlib/numpy?
28,719 matplotlib - extracting data from contour lines
28,677 `AttributeError: rint` when using numpy.round
28,658 Defining a white noise process in Python
28,653 NumPy/OpenCV 2: how do I crop non-rectangular region?
28,620 How do I stack vectors of different lengths in NumPy?
28,618 Remove one value from a NumPy array
28,618 how to do circular shift in numpy
28,588 NumPy append vs concatenate
28,568 orthogonal projection with numpy
28,525 numpy convert categorical string arrays to an integer array
28,500 Saving an imshow-like image while preserving resolution
28,492 Matplotlib figure to image as a numpy array
28,474 Using strides for an efficient moving average filter
28,471 How can I release memory after creating matplotlib figures
28,469 how to plot streamlines , when i know u and v components of velocity(numpy 2d arrays), using a plotting program in python?
28,468 When importing tensorflow, I get the following error: No module named 'numpy.core._multiarray_umath'
28,446 Read HDF5 file into numpy array
28,444 How to read .npy files in Matlab
28,444 check if numpy array is multidimensional or not
28,434 How do I transform a ''SciPy sparse matrix'' to a ''NumPy matrix''?
28,378 create a multichannel zeros mat in python with cv2
28,330 how to plot ohlc candlestick with datetime in matplotlib?
28,325 How much time does take train SVM classifier?
28,322 AttributeError: 'numpy.float64' object has no attribute 'log10'
28,301 remove a specific column in numpy
28,288 How to convert the output of meshgrid to the corresponding array of points?
28,271 How to fit polynomial to data with error bars
28,250 Multiple conditions using 'or' in numpy array
28,217 python newbie: importing numpy module in eclipse
28,209 np.random.rand vs np.random.random
28,182 Map each list value to its corresponding percentile
28,173 Counting Cars OpenCV + Python Issue
28,121 How to install scipy misc package
28,112 Save multiple arrays to a csv file with column names
28,109 how to perform max/mean pooling on a 2d array using numpy
28,087 Installed Python Modules - Python can't find them
28,073 How to convert from boolean array to int array in python
28,045 concatenate numpy arrays which are elements of a list
28,027 Is there support for sparse matrices in Python?
27,999 'numpy.ndarray' object has no attribute 'read'
27,993 No module named cv
27,921 python & numpy: sum of an array slice
27,892 Converting categorical values to binary using pandas
27,885 Numpy: For every element in one array, find the index in another array
27,878 Why is my plt.savefig is not working?
27,823 IndexError: index 2 is out of bounds for axis 0 with size 2
27,800 selecting across multiple columns with python pandas?
27,781 What is the difference between size and count in pandas?
27,772 How to use numpy with 'None' value in Python?
27,770 Convert numpy, list or float to string in python
27,762 Calculating Pearson correlation
27,754 Slicing Nested List
27,747 How to get the highest element in absolute value in a numpy matrix?
27,727 Rolling window for 1D arrays in Numpy?
27,698 Counting non-zero elements within each row and within each column of a 2D NumPy array
27,684 Implement Relu derivative in python numpy
27,680 Installing lapack for numpy
27,630 Numpy flatten RGB image array
27,611 IndexError: boolean index did not match indexed array along dimension 0
27,601 How to extract an arbitrary line of values from a numpy array?
27,555 Numpy error: invalid value encountered in power
27,535 Conjugate transpose operator ''.H'' in numpy
27,529 convert binary string to numpy array
27,495 Identifying numeric and array types in numpy
27,478 More efficient matplotlib stacked bar chart - how to calculate bottom values
27,411 TypeError: 'bool' object is not subscriptable Python 3
27,392 Apply function on each row (row-wise) of a NumPy array
27,341 Attribute error while using opencv for face recognition
27,332 Python array to 1-D Vector
27,310 Is ''norm'' equivalent to ''Euclidean distance''?
27,266 Plot NetworkX Graph from Adjacency Matrix in CSV file
27,266 Can't reshape numpy array
27,211 Fitting data using UnivariateSpline in scipy python
27,202 python numpy roll with padding
27,200 Using moviepy, scipy and numpy in amazon lambda
27,160 How to add a scalar to a numpy array within a specific range?
27,140 Turning a Pandas Dataframe to an array and evaluate Multiple Linear Regression Model
27,120 Using lambda if condition on different columns in Pandas dataframe
27,066 TypeError: zip argument #2 must support iteration
27,061 Stratified Sampling in Pandas
27,056 Error:numpy.narray object not callable
27,051 Immutable numpy array?
27,042 How to turn Numpy array to set efficiently?
27,040 assigning values in a numpy array
27,003 What is the name parameter in Pandas Series?
26,964 How to get faster code than numpy.dot for matrix multiplication?
26,955 Mean Squared error in Python
26,946 Draw polygons more efficiently with matplotlib
26,939 How to convert data values into color information for matplotlib?
26,930 Resample time series in pandas to a weekly interval
26,928 python, numpy boolean array: negation in where statement
26,887 Copy numpy array into part of another array
26,877 Numpy, problem with long arrays
26,871 How to convert one-hot encodings into integers?
26,851 TypeError: Mismatch between array dtype ('float64') and format specifier
26,824 pandas ValueError: numpy.dtype has the wrong size, try recompiling
26,815 Found array with 0 sample(s) (shape=(0, 40)) while a minimum of 1 is required
26,808 filtering lines in a numpy array according to values in a range
26,804 Not plotting 'zero' in matplotlib or change zero to None [Python]
26,795 Convert a space delimited file to comma separated values file in python
26,776 Numpy 'where' on string
26,772 Manually set color of points in legend
26,751 Numpy error: shape mismatch
26,748 Deep copy of a np.array of np.array
26,736 making square axes plot with log2 scales in matplotlib
26,713 clearing elements of numpy array
26,687 How does NumPy Sum (with axis) work?
26,649 Fitting a Gaussian to a histogram with MatPlotLib and Numpy - wrong Y-scaling?
26,598 add a comma between the elements of a numpy array
26,562 How to import itertools in Python 3.3.2
26,556 Annotate Time Series plot in Matplotlib
26,551 The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
26,537 How to specify upper and lower limits when using numpy.random.normal
26,504 Checking if a matrix is symmetric in Numpy
26,488 How to iterate 1d NumPy array with index and value [duplicate]
26,486 Regression with Date variable using Scikit-learn
26,446 convert numpy string array into int array [duplicate]
26,406 Why does PyCharm give unresolved reference errors on some Numpy imports?
26,401 Where does next_batch in the TensorFlow tutorial batch_xs, batch_ys = mnist.train.next_batch(100) come from?
26,386 Python: Add a column to numpy 2d array
26,368 What is vectorization? [closed]
26,348 Calling statistics functions from Scipy
26,335 Slicing arrays in Numpy / Scipy
26,272 Gradient calculation with python
26,224 What does dtype=object mean while creating a numpy array?
26,120 numpy.void type - how to use it?
26,118 How to Get an Average Pixel Value of a Gray Scale Image in Python Using PIL\Numpy?
26,086 numpy savetxt formatted as integer is not saving zeroes
26,052 Get the mean across multiple Pandas DataFrames
26,046 How to read numbers in python from csv file?
26,040 TypeError: 'numpy.float64' object is not callable?
26,002 string representation of a numpy array with commas separating its elements
25,984 Installing NumPy
25,949 What's the best way to sum all values in a Pandas dataframe?
25,933 Convert array of string (category) to array of int from a pandas dataframe
25,928 Multiplying Numpy/Scipy Sparse and Dense Matrices Efficiently
25,916 Averaging over every n elements of a numpy array
25,905 Numpy modify array in place?
25,903 Installing numpy for Python 2.7 while also having Python 3.4 installed?
25,883 find time shift between two similar waveforms
25,868 numpy.array boolean to binary?
25,866 Linear regression with pandas dataframe
25,848 Passing Numpy arrays to a C function for input and output
25,782 Sending a C++ array to Python and back (Extending C++ with Numpy)
25,681 PIL Cannot Handle This Data Type
25,677 How to convert an object array to a normal array in python
25,651 TypeError: Object of type 'float32' is not JSON serializable [duplicate]
25,617 What does np.r_ do (numpy)?
25,589 pylab histogram get rid of nan
25,499 Convert numpy type to python
25,492 How to filter numpy array by list of indices?
25,459 Function of Numpy Array with if-statement
25,454 Calculate overlapped area between two rectangles
25,402 How to append data to one specific dataset in a hdf5 file with h5py
25,402 Gaussian Smoothing an image in python
25,397 Using Numpy to find Mean,Median,Mode or Range of inputted set of numbers
25,321 Minimum value on a 2d array python
25,302 set very low values to zero in numpy
25,285 LinAlgError: Last 2 dimensions of the array must be square
25,266 File path name for NumPy's loadtxt()
25,247 Ignore divide by 0 warning in NumPy
25,227 Computation of Kullback-Leibler (KL) distance between text-documents using numpy
25,226 Numpy transpose not giving expected result
25,211 Downsample a 1D numpy array
25,210 Summation Evaluation in python
25,149 Find out the percentage of missing values in each column in the given dataset
25,141 How to multiply two vector and get a matrix?
25,132 ''synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.'' problem in TensorFlow
25,128 How to fix ''TypeError: len() of unsized object''
25,126 TypeError: unsupported operand type(s) for -: 'numpy.ndarray' and 'numpy.ndarray'
25,125 Python - Interpolation 2D array for huge arrays
25,119 Numpy: Should I use newaxis or None?
25,116 How do you reduce the dimension of a numpy array?
25,102 Fastest pairwise distance metric in python
25,074 ValueError: x and y must have same first dimension when plotting
25,068 Java equivalent for the Numpy multi-dimensional object
25,037 Better rounding in Python's NumPy.around: Rounding NumPy Arrays
25,025 RuntimeWarning: Divide by Zero error: How to avoid? PYTHON, NUMPY
25,017 Numpy transpose multiplication problem
25,012 Does setting numpy arrays to None free memory?
24,998 Python Pandas Only Compare Identically Labeled DataFrame Objects
24,998 Matplotlib scatter plot with unknown error
24,980 How to ''scale'' a numpy array?
24,971 Use numpy to mask an image with a pattern?
24,961 What is dimension order of numpy shape for image data?
24,959 Swap two values in a numpy array.
24,897 Getting ''error: Unable to find vcvarsall.bat'' when running ''pip install numpy'' on windows7 64bit
24,892 Numpy vs Cython speed
24,886 Load CSV to Pandas MultiIndex DataFrame
24,875 Read a binary file using Numpy fromfile and a given offset
24,843 extrapolating data with numpy/python
24,835 How to get type of multidimensional Numpy array elements in Python
24,827 Why does my python process use up so much memory?
24,818 Plot equation showing a circle
24,808 How to overwrite array inside h5 file using h5py
24,802 Sorting a 2D numpy array by multiple axes
24,789 Simple wrapping of C code with cython
24,784 how to get the index of numpy.random.choice? - python
24,758 Numpy: Drop rows with all nan or 0 values
24,757 Remove special characters in pandas dataframe
24,731 matplotlib.pyplot - fix only one axis limit, set other to auto
24,724 Translate every element in numpy array according to key
24,680 Python: DeprecationWarning: elementwise == comparison failed; this will raise an error in the future
24,660 How to make sure the numpy BLAS libraries are available as dynamically-loadable libraries?
24,603 How can I ''zip sort'' parallel numpy arrays?
24,600 Share Large, Read-Only Numpy Array Between Multiprocessing Processes
24,599 selecting rows in numpy ndarray based on the value of two columns
24,578 numpy: formal definition of ''array_like'' objects?
24,575 Indexes of elements in NumPy array that satisfy conditions on the value and the index
24,527 how to return numpy.array from boost::python?
24,520 Is there a difference in computation for Numpy vs Pandas?
24,506 ValueError: negative dimensions are not allowed
24,479 how to install scipy for python?
24,471 Is there a test suite for numpy / scipy?
24,465 python np.round() with decimal option larger than 2
24,451 Python enumerate through 2D array in numpy [duplicate]
24,440 Convert map object to numpy array in python 3
24,438 How to avoid overlapping of labels & autopct in a matplotlib pie chart?
24,369 Python Numpy Installation Windows 10 64-bit
24,365 Filter out nan rows in a specific column
24,331 Dot product of a vector in SciPy/NumPy (getting ValueError: objects are not aligned)
24,318 Fastest Way to generate 1,000,000+ random numbers in python
24,315 bounding box of numpy array
24,309 How to draw line inside a scatter plot
24,297 windows, ImportError: DLL load failed: The specified module could not be found
24,295 Efficient creation of numpy arrays from list comprehension and in general
24,289 ImportError: Missing required dependencies ['numpy']
24,279 Python insert numpy array into sqlite3 database
24,277 Bin values based on ranges with pandas
24,269 Python out of memory on large CSV file (numpy)
24,268 numpy second derivative of a ndimensional array
24,253 How does Lru_cache (from functools) Work?
24,240 SciPy optimize.fmin ValueError: zero-size array to reduction operation maximum which has no identity
24,209 Removing duplicate columns and rows from a NumPy 2D array
24,201 Pixel neighbors in 2d array (image) using Python
24,169 Fastest way to compute k largest eigenvalues and corresponding eigenvectors with numpy
24,167 Polar contour plot in matplotlib - best (modern) way to do it?
24,164 PermissionError: [Errno 13] Permission denied: 'C:\\Program Files\\Python35\\Lib\\site-packages\\six.py'
24,153 Start, End and Duration of Maximum Drawdown in Python
24,107 pandas data frame transform INT64 columns to boolean
24,078 Python: ValueError: invalid literal for float():
24,069 Difference on performance between numpy and matlab
24,053 Using Python for iOS programming [duplicate]
24,052 How I can i conditionally change the values in a numpy array taking into account nan numbers?
24,044 Create Multidimensional Zeros Python
24,040 sklearn issue: Found arrays with inconsistent numbers of samples when doing regression
24,032 numpy/scipy equivalent of R ecdf(x)(x) function?
24,006 threshold in 2D numpy array
23,982 Numpy minimum in (row, column) format
23,974 unsupported operand type(s) for *: 'numpy.ndarray' and 'numpy.float64'
23,971 Create vertical NumPy arrays in Python
23,956 Why are 0d arrays in Numpy not considered scalar?
23,951 Appending a matrix to an existing file using numpy
23,935 numpy ValueError shapes not aligned
23,927 Complex number troubles with numpy
23,897 Import Error: No module named numpy Anaconda
23,869 Min-max normalisation of a NumPy array
23,853 Fastest way to generate delimited string from 1d numpy array
23,827 How do I print an aligned numpy array with (text) row and column labels?
23,811 numpy reverse multidimensional array
23,724 ValueError: Unknown label type: 'continuous'
23,669 TypeError: unsupported operand type(s) for &: 'float' and 'numpy.float64' [duplicate]
23,667 What is :: (double colon) in numpy like in myarray[0::3]? [duplicate]
23,664 Is the order of a Python dictionary guaranteed over iterations?
23,629 Indexing a numpy array with a list of tuples
23,622 Getting data from ctypes array into numpy
23,621 index 1 is out of bounds for axis 0 with size 1
23,594 Scikit-Learn's Pipeline: A sparse matrix was passed, but dense data is required
23,590 Maximum allowed value for a numpy data type
23,564 Transpose of a vector using numpy
23,546 How to install pip on python 3.6, not the default python 2.7?
23,544 Get all permutations of a numpy array
23,501 Install python-numpy in the Virtualenv environment
23,471 Converting datetime string to datetime in numpy (python)
23,465 resize with averaging or rebin a numpy 2d array
23,464 How to convert RGB PIL image to numpy array with 3 channels?
23,431 Compute the Jacobian matrix in Python
23,428 Finding index of maximum value in array with NumPy
23,413 Which kind of interpolation best for resizing image?
23,380 adjusting heights of individual subplots in matplotlib in Python
23,378 How to see top n entries of term-document matrix after tfidf in scikit-learn
23,371 How to split a matrix into 4 blocks using numpy?
23,370 Working with big data in python and numpy, not enough ram, how to save partial results on disc?
23,360 What is the difference between numpy var() and statistics variance() in python?
23,357 Merging a list of numpy arrays into one array (fast)
23,309 NumPy for Python 2.7 on 64 bit Windows [duplicate]
23,304 drawing circles on image with matplotlib and numpy
23,296 How to convert numpy matrix to cv2 image [python]
23,256 Install numpy in Python virtualenv
23,237 Is there an analysis speed or memory usage advantage to using HDF5 for large array storage (instead of flat binary files)?
23,234 Get intersecting rows across two 2D numpy arrays
23,222 find row or column containing maximum value in numpy array
23,214 Euler's method in python
23,209 How to load a list of numpy arrays to pytorch dataset loader?
23,203 How to slice an image into red, green and blue channels with misc.imread
23,156 Find phase difference between two (inharmonic) waves
23,143 Change the values of a NumPy array that are NOT in a list of indices
23,117 How to find most frequent values in numpy ndarray?
23,096 savetxt How change the type from float64 to int or double
23,085 Python 32-bit memory limits on 64bit windows
23,084 Rounding to significant figures in numpy
23,082 Growing matrices columnwise in NumPy
23,068 Row exchange in Numpy [duplicate]
23,051 multiple conditions in numpy.where [duplicate]
23,046 Can't call strftime on numpy.datetime64, no definition
23,032 Python Numpy Poisson Distribution
22,996 Permission denied when uninstalling numpy with pip
22,977 How do I combine two numpy arrays element wise in python?
22,976 ValueError: operands could not be broadcast together with shapes (224,224) (180,180)
22,951 Pythonic way to import data from multiple files into an array
22,937 `Sudo pip install matplotlib` fails to find freetype headers. [OS X Mavericks / 10.9] [closed]
22,931 calculating Gini coefficient in Python/numpy
22,911 Ambiguity in Pandas Dataframe / Numpy Array ''axis'' definition
22,905 Numpy Array to base64 and back to Numpy Array - Python
22,905 Numpy Array Get row index searching by a row
22,899 How to write a numpy array to a csv file?
22,855 Sort using argsort in python
22,842 How to represent inf or -inf in Cython with numpy?
22,816 Passing arguments to fsolve
22,807 Complex matlab-like data structure in python (numpy/scipy)
22,764 Fastest 2D convolution or image filter in Python
22,760 numpy: Efficiently avoid 0s when taking log(matrix)
22,748 How to detect lines accurately using HoughLines transform in openCV python?
22,746 How to retain column headers of data frame after Pre-processing in scikit-learn
22,745 open .raw image data using python
22,740 How to Calculate Centroid in python
22,739 How to convert a numpy array from 'float64' to 'float'
22,729 How to load an image and show the image using keras?
22,728 Creating a Distance Matrix?
22,712 Using Python to replace MATLAB: how to import data?
22,693 Numpy grouping using itertools.groupby performance
22,683 numpy : calculate the derivative of the softmax function
22,623 Python: write a wav file into numpy float array
22,601 Python: ValueError: setting an array element with a sequence
22,590 How to find linearly independent rows from a matrix
22,588 How to fix ''ValueError: Expected 2D array, got 1D array instead'' in sklearn/python?
22,582 'numpy.ndarray' object has no attribute 'remove'
22,566 Can't find package on Anaconda Navigator. What to do next?
22,565 Set multi column index in pandas
22,552 Grab unique tuples in python list, irrespective of order
22,525 FFT real/imaginary/abs parts interpretation
22,494 Faster way to loop through every pixel of an image in Python?
22,464 Get original indices of a sorted Numpy array
22,438 How to install numpy and scipy for Ironpython27? Old method doesn't work
22,424 Python: What is the difference between math.exp and numpy.exp and why do numpy creators choose to introduce exp again
22,424 How to create 0x0 Numpy array?
22,414 Import numpy with python 2.6
22,382 How do I subtract the previous row from the current row in a pandas dataframe and apply it to every row; without using a loop?
22,350 ImportError: No module named backend_tkagg
22,348 Reading binary data into pandas
22,335 How to iterate over columns of a matrix?
22,311 What is the difference between native int type and the numpy.int types?
22,307 How to convert array to list? [duplicate]
22,302 Numpy.dtype has the wrong size, try recompiling
22,298 Left Matrix Division and Numpy Solve
22,276 Installing numpy for Windows 10: Importing the multiarray numpy extension module failed
22,249 python - how to append numpy array to a pandas dataframe
22,245 Failed to interpret file %s as a pickle when loading an npy array
22,238 Improving FFT performance in Python
22,213 Plotting dates with sharex=True leads to ValueError: ordinal must be >= 1
22,209 ValueError: matrices are not aligned
22,199 How to generate 2d numpy array?
22,197 Plotting histogram using seaborn for a dataframe
22,196 Fitting a line in 3D
22,164 Waterfall plot python?
22,157 Append a 1d array to a 2d array in Numpy Python
22,131 Convert python list with None values to numpy array with nan values
22,124 How to convert numpy object array into str/unicode array?
22,118 how to smooth a curve in python
22,089 How update numpy 1.11 on Windows
22,052 How to get a normal distribution within a range in numpy?
22,040 Rotate numpy 2D array
22,021 Install Numpy on Mac OS X Lion 10.7
22,004 List comprehension, map, and numpy.vectorize performance
21,991 Linear Interpolation using numpy.interp
21,987 Plotting a polynomial in Python
21,984 ImportError: No module named cv2
21,970 How to check if a variable is either a python list, numpy array or pandas series
21,944 Normalizing rows of a matrix python
21,944 Concatenate sparse matrices in Python using SciPy/Numpy
21,942 Reading Data in Columns Python 2.7.3
21,899 In numpy.sum() there is parameter called ''keepdims''. What does it do?
21,867 What does matrix**2 mean in python/numpy?
21,857 Block tridiagonal matrix python
21,851 How do I do conditional array arithmetic on a numpy array?
21,835 matplotlib: ''TypeError: Image data can not convert to float'' for what look like a fine matrix
21,801 Mixed types of elements in DataFrame's column
21,795 OpenCV TypeError: contour is not a numpy array, neither a scalar
21,792 Should I use `random.seed` or `numpy.random.seed` to control random number generation in `scikit-learn`?
21,789 error of install numpy on linux red hat
21,789 AttributeError list object has no attribute add
21,752 Checking user input using isnan function of NumPy
21,744 Cannot convert list to array: ValueError: only one element tensors can be converted to Python scalars
21,681 comparing numpy arrays containing NaN
21,676 numpy array assignment problem
21,659 TensorFlow: using a tensor to index another tensor
21,656 Reversed array in numpy?
21,645 sigmoidal regression with scipy, numpy, python, etc
21,644 Pandas dataframe: how to apply describe() to each group and add to new columns?
21,644 numpy-like package for node
21,622 Weighted moving average in python
21,612 Why isn't pip updating my numpy and scipy?
21,574 Python: Numpy standard deviation error
21,557 convert image from CV_64F to CV_8U
21,554 Coordinates of item on NumPy array
21,541 How to plot scikit learn classification report?
21,513 In numpy, what does selection by [:,None] do?
21,492 NumPy - Faster way to implement threshold value ceiling
21,491 Creating numpy array of custom objects gives error ''SystemError: error return without exception set''
21,480 Cannot uninstall 'numpy'
21,465 Compress numpy arrays efficiently
21,445 How to extract points from a graph?
21,436 Loading a dataset from file, to use with sklearn/numpy, including labels
21,431 Find nth smallest element in numpy array [duplicate]
21,412 Minimize function with parameters
21,399 Difference between np.int, np.int_, int, and np.int_t in cython?
21,393 To extract non-nan values from multiple rows in a pandas dataframe
21,391 Select multiple ranges of columns in Pandas DataFrame
21,390 How to install in python 3.4 - .whl files
21,369 Concatenate two numpy arrays in the 4th dimension
21,367 How do I select an element in array column of a data frame?
21,366 Sum one row of a NumPy array
21,364 Unpack NumPy array by column
21,341 Efficient & pythonic check for singular matrix
21,341 Access array contents from a .mat file loaded using Scipy.io.loadmat - python
21,326 How to install NumPy on Windows 64?
21,295 Python - Calculate histogram of image
21,294 Using a sparse matrix versus numpy array
21,290 IndexError: index 10 is out of bounds for axis 0 with size 10
21,261 MAPE calculation in python
21,258 How to filter a numpy array using another array's values?
21,251 interpolation with python numpy
21,203 Interpolation over an irregular grid
21,148 sparse 3d matrix/array in Python?
21,143 NumPy append vs Python append
21,139 Python Reshape 3d array into 2d
21,129 how to shade points in scatter based on colormap in matplotlib?
21,127 What are some python libraries that use finite elements to solve structural two and three dimensional frames? [closed]
21,114 How do pandas Rolling objects work?
21,089 numpy - evaluate function on a grid of points
21,042 Python 3: Multiply a vector by a matrix without NumPy
21,041 How can I retrieve the current seed of NumPy's random number generator?
21,033 Convert structured array to regular NumPy array
21,032 How to apply Box-Cox transformation in Python?
21,023 Pandas error: 'DataFrame' object has no attribute 'loc'
21,008 extracting numpy array from Pyspark Dataframe
21,000 matplotlib plot csv file of all columns
20,996 Numpy Adding two vectors with different sizes
20,966 Can't convert dates to datetime64
20,939 Explain why numpy should not be imported from source directory
20,926 plot a document tfidf 2D graph
20,918 Python numpy compute first eigenvalue and eigenvector
20,910 Create a dynamic 2D numpy array on the fly
20,902 Multivariate spline interpolation in python/scipy?
20,901 Flip x and y axes for Matplotlib imshow()
20,893 Converting image from RGB to HSV color space
20,887 Why isn't `curve_fit` able to estimate the covariance of the parameter if the parameter fits exactly?
20,877 TensorFlow strings: what they are and how to work with them
20,860 How to merge multiple arrays in python?
20,856 Python - read text file with weird utf-16 format
20,838 Read CSV file with semicolon as delimiter
20,824 What is the preferred way to preallocate NumPy arrays?
20,781 Concatenate (join) a NumPy array with a pandas DataFrame
20,767 Remove mean from numpy matrix
20,737 How to find the index of an array within an array
20,734 Nearest Neighbor Search: Python
20,727 How to reduce an image size in image processing (scipy/numpy/python)
20,710 Cannot get histogram to show separated bins with vertical lines
20,710 Apply a function to each row of a ndarray
20,708 numpy bytes to plain string
20,692 Matrix indexing in Numpy
20,684 Opencv Python display raw image
20,684 How do I find out if a numpy array contains integers?
20,681 Improve Row Append Performance On Pandas DataFrames
20,669 How to import Scipy and Numpy in Python?
20,666 Save numpy array as image with high precision (16 bits) with scikit-image
20,659 Is there a standard solution for Gauss elimination in Python?
20,657 Scipy rotate and zoom an image without changing its dimensions
20,632 Is there a head and tail method for Numpy array?
20,610 How to make the angles in a matplotlib polar plot go clockwise with 0° at the top?
20,610 Histogram matching of two images in Python 2.x?
20,606 What is the difference between dtype= and .astype() in numpy?
20,560 how to zscore normalize pandas column with nans?
20,524 Cython Compilation Error: dynamic module does not define module export function
20,500 Delete columns from numpy array depending on a condition on a single cell
20,498 Matplotlib imshow/matshow display values on plot
20,487 TypeError: iteration over a 0-d array Python
20,450 How to get reproducible results in keras
20,445 Need help solving a second order non-linear ODE in python
20,438 PyTorch memory model: ''torch.from_numpy()'' vs ''torch.Tensor()''
20,432 numpy divide along axis
20,419 Convert class 'pandas.indexes.numeric.Int64Index' to numpy
20,408 vectorize conditional assignment in pandas dataframe
20,389 Turn 2D NumPy array into 1D array for plotting a histogram
20,386 TypeError: sparse matrix length is ambiguous; use getnnz() or shape[0] while using RF classifier?
20,386 RuntimeWarning: invalid value encountered in maximum
20,383 ValueError: 'axis' entry is out of bounds // numpy
20,363 How to read image from in memory buffer (StringIO) or from url with opencv python library
20,355 Pandas - grouping intra day timeseries by date
20,341 How to select all elements in a NumPy array except for a sequence of indices [duplicate]
20,333 Error installing numpy
20,324 How to add names to a numpy array without changing its dimension?
20,312 Numpy:zero mean data and standardization
20,312 Image smoothing in Python
20,294 MemoryError when creating a very large numpy array [duplicate]
20,278 Opencv draws numpy.zeros as a gray image
20,273 Cannot get minor grid lines to appear in matplotlib figure
20,261 View onto a numpy array?
20,254 Convert pandas dataframe to numpy array - which approach to prefer? [duplicate]
20,251 Crop a Bounding Box from an Image which is a Numpy Array
20,249 Histogram equalization of grayscale images with NumPy
20,223 What does the error ''int object has no attribute __getitem__'' mean for this code?
20,221 What is the difference between the types <type 'numpy.string_'> and <type 'str'>?
20,210 plotting with meshgrid and imshow
20,200 For loop and 'numpy.float64' object is not iterable error
20,156 How to use numpy.all() or numpy.any()?
20,136 CS231n: How to calculate gradient for Softmax loss function?
20,133 pandas multiple conditions based on multiple columns using np.where
20,108 Python How to Import xlsx file using numpy
20,084 Calculate Mahalanobis distance using NumPy only
20,076 numpy ''Mean of empty slice.'' warning
20,056 Conversion between Pillow Image object and numpy array changes dimension
19,997 Python get image matrix PIL
19,993 How to downgrade numpy?
19,975 NumPy calculate square of norm 2 of vector
19,972 how to export HDF5 file to NumPy using H5PY?
19,967 numpy.unique with order preserved
19,959 Slicing 3d numpy arrays
19,947 Finding entries containing a substring in a numpy array?
19,945 how to extract x,y coordinates from OpenCV ''cv2.keypoint'' object?
19,941 Use scipy.integrate.quad to integrate complex numbers
19,926 Numpy inverse mask
19,898 Elegant grid search in python/numpy
19,840 Plotting mplot3d / axes3D xyz surface plot with log scale?
19,822 Why does pyplot.contour() require Z to be a 2D array?
19,771 Tensorflow Tensor reshape and pad with zeros
19,761 how to explain the decision tree from scikit-learn
19,749 What is the difference between resize and reshape when using arrays in Numpy?
19,742 Is there anything faster than dict()?
19,741 Insert elements to beginning and end of numpy array
19,680 10 Minutes to Pandas tutorial - to_numpy() does not exist?
19,676 Computing and drawing vector fields
19,636 installing numpy&scipy on centos 6.4
19,630 Finding which rows have all elements as zeros in a matrix with numpy
19,629 Numpy: get the column and row index of the minimum value of a 2D array
19,616 Numpy and 16-bit PGM
19,608 find intersection point of two lines drawn using houghlines opencv
19,588 finding and replacing 'nan' with a number
19,586 Key Error: None of [Int64Index ... ] dtype='int64] are in the columns
19,570 Aggregating lambda functions in pandas and numpy
19,552 Convert numpy scalar to simple python type [duplicate]
19,533 how to transform a OpenCV cvMat back to ndarray in numpy ?
19,528 How to show the whole image when using OpenCV warpPerspective
19,526 Convert string column to integer
19,524 Error when trying to apply log method to pandas data frame column in Python
19,517 Constrained Linear Regression in Python
19,512 Finding Sum of a Column in a List Getting ''TypeError: cannot perform reduce with flexible type''
19,510 Pyinstaller numpy ''Intel MKL FATAL ERROR: Cannot load mkl_intel_thread.dll''
19,472 Python: How to read line by line in a numpy array?
19,457 Python: matplotlib 'numpy.ndarray' object has no attribute 'has_data'
19,453 Obtaining values used in boxplot, using python and matplotlib
19,448 Merge two numpy array's of different shape into a single array
19,445 sklearn SVM fit() ''ValueError: setting an array element with a sequence''
19,427 Fastest file format for read/write operations with Pandas and/or Numpy
19,426 Saving numpy array to csv produces TypeError Mismatch
19,425 How to detect a sign change for elements in a numpy array
19,396 Sort numpy matrix row values in ascending order
19,381 How to convert 3 lists into 1 3D Numpy array
19,379 Matplotlib so log axis only has minor tick mark labels at specified points. Also change size of tick labels in colorbar
19,356 How to read binary files in Python using NumPy?
19,347 Replace NaN's in NumPy array with closest non-NaN value
19,336 Python: How do I fill an array with a range of numbers?
19,328 numpy boolean array with 1 bit entries
19,312 numpy, named columns
19,296 Creating a Confidence Ellipses in a sccatterplot using matplotlib
19,286 Python Writing a numpy array to a CSV File [duplicate]
19,265 matplotlib: how to annotate point on a scatter automatically placed arrow?
19,262 Make distutils look for numpy header files in the correct place
19,261 ImportError: numpy.core.multiarray failed to import while using mod_wsgi
19,258 matplotlib show() doesn't work twice
19,252 How do I remove rows from a numpy array based on multiple conditions?
19,248 Concat two arrays of different dimensions numpy
19,235 Compare (assert equality of) two complex data structures containing numpy arrays in unittest
19,225 Drawing Histogram in OpenCV-Python
19,203 Numpy loadtxt: ValueError: Wrong number of columns
19,201 Histogram for discrete values with matplotlib
19,180 Why NUMPY correlate and corrcoef return different values and how to ''normalize'' a correlate in ''full'' mode?
19,175 How to find the local minima of a smooth multidimensional array in NumPy efficiently?
19,141 Write multiple numpy arrays to file
19,115 Difference between single and double bracket Numpy array?
19,109 pythonic way to delete elements from a numpy array [duplicate]
19,108 Python numpy array vs list
19,082 how to remove positive infinity from numpy array ... if it is already converted to a number?
19,062 Legend not showing up in Matplotlib stacked area plot
19,056 Read a base 64 encoded image from memory using OpenCv python library
19,050 Contruct 3d array in numpy from existing 2d array
19,038 Multilabel-indicator is not supported for confusion matrix
19,038 Multilabel-indicator is not supported for confusion matrix
19,013 numpy gradient function and numerical derivatives
19,010 How to compute volatility (standard deviation) in rolling window in Pandas
18,979 Fast cross correlation method in Python
18,975 What is the L in numpy.shape and 32 in numpy.type of an array?
18,966 Remove dtype at the end of numpy array
18,953 Numpy difference between neighboring elements
18,951 Conditional indexing with Numpy ndarray
18,920 python numpy savetxt
18,916 3d plotting with python
18,897 reshape an array of images
18,896 Numpy array element-wise division (1/x)
18,890 How to use NumPy array with ctypes?
18,890 How to calculate mean color of image in numpy array?
18,882 Is there easy way in python to extrapolate data points to the future?
18,875 Index Error: index 3 is out of bounds for axis 1 with size 3
18,866 VisibleDeprecationWarning: using a non-integer number instead of an integer will result in an error in the future
18,846 Python removing all negative values in array
18,843 How to use the function numpy.append
18,835 Python Numpy TypeError: ufunc 'isfinite' not supported for the input types
18,833 Filling a 2D matrix in numpy using a for loop
18,801 Scipy sparse matrix multiplication
18,793 How to find all zeros of a function using numpy (and scipy)?
18,785 numpy unique without sort [duplicate]
18,781 What is the equivalent of 'fread' from Matlab in Python?
18,764 how to plot Probability density Function (PDF) of inter-arrival time of events?
18,758 ValueError: ndarray is not C-contiguous in cython
18,753 Numpy Pure Functions for performance, caching
18,752 Normalise 2D Numpy Array: Zero Mean Unit Variance
18,741 Applying a function along a numpy array
18,722 numpy.loadtxt ''could not convert string to float''
18,706 numpy and scipy for preinstalled python 2.6.7 on mac OS Lion
18,704 Python numpy.random.normal
18,703 Replace sub part of matrix by another small matrix in numpy
18,699 Pandas select only numeric or integer field from dataframe
18,691 Import .dat file in Python 3
18,683 Compute divergence of vector field using python
18,673 Interactive plotting with Python via command line
18,670 Loading arrays from numpy npz files in python
18,661 Can I specify a numpy dtype when generating random values?
18,656 Scipy hstack results in ''TypeError: no supported conversion for types: (dtype('float64'), dtype('O'))''
18,654 How to remove every other element of an array in python? (The inverse of np.repeat()?)
18,644 Second Derivative in Python - scipy/numpy/pandas
18,642 Exit code 139 when performing image subtraction
18,641 AttributeError: module 'numpy' has no attribute 'flip'
18,635 Image.fromarray just produces black image
18,617 TypeError: can't convert expression to float
18,614 Using datetime as ticks in Matplotlib
18,594 'numpy.ndarray' object has no attribute 'count'
18,593 Plot numpy datetime64 with matplotlib
18,585 Forcing `pip` to recompile a previously installed package (numpy) after switching to a different Python binary
18,570 why isn't numpy.mean multithreaded?
18,564 Import .dat file as an array
18,557 Convert a column of timestamps into periods in pandas
18,554 How to fit a polynomial curve to data using scikit-learn?
18,549 How to multiply numpy 2D array with numpy 1D array?
18,531 Vectorized look-up of values in Pandas dataframe
18,531 python - using numpy loadtxt reading a csv file with different data types for each column
18,531 numpy datetime64 add or substract date interval
18,527 Numpy converting range of angles from (-Pi, Pi) to (0, 2*Pi)
18,518 Type hinting / annotation (PEP 484) for numpy.ndarray
18,514 Reordering matrix elements to reflect column and row clustering in naiive python
18,509 Spherical coordinates plot in matplotlib
18,462 How do I delete a row in a numpy array which contains a zero? [duplicate]
18,457 Shuffle columns of an array with Numpy
18,454 Numpy concatenate is slow: any alternative approach?
18,450 zero values of an array to be converted to nan values
18,426 Shortest way to replace parts of strings in NumPy array
18,409 What is the internal precision of numpy.float128?
18,398 Finding the Index of N biggest elements in Python Array / List Efficiently
18,394 Performance of Pandas apply vs np.vectorize to create new column from existing columns
18,392 What does axis = 0 do in Numpy's sum function?
18,391 Using numpy to efficiently convert 16-bit image data to 8 bit for display, with intensity scaling
18,380 RuntimeWarning: invalid value encountered in double_scalars app.launch_new_instance()
18,378 Correct way to test for numpy.dtype
18,377 Python cv2 HoughLines grid line detection
18,375 Vertical Histogram in Python and Matplotlib
18,353 numpy.linalg.linalg.LinAlgError: SVD did not converge
18,347 ModuleNotFoundError: No module named 'numpy.testing.nosetester'
18,344 numpy.fft() what is the return value amplitude + phase shift OR angle?
18,338 Viewing .npy images
18,325 What's the most efficient way to convert a MySQL result set to a NumPy array?
18,324 Importing data in Spyder-Python
18,322 Derivative of an array in python?
18,313 Split array at value in numpy
18,313 Convert elements in a numpy array to string
18,310 Distribution plot of an array
18,306 error extracting element from an array. python
18,305 Vectorizing a function (Python)
18,285 Reversing 'one-hot' encoding in Pandas
18,283 ValueError: could not broadcast input array from shape (10,10) into shape (10,18)
18,275 Python: how to store a numpy multidimensional array in PyTables?
18,272 Bernoulli random number generator
18,266 Numpy import throws AttributeError: 'module' object has no attribute 'core'
18,243 Limit number of threads in numpy
18,240 Merge 2 arrays vertical to tuple Numpy
18,227 pandas distinction between str and object types
18,206 How to determine if a number is any type of int (core or numpy, signed or not)?
18,200 find length of sequences of identical values in a numpy array (run length encoding)
18,189 Randomly select from numpy array
18,186 Create new dataframe in pandas with dynamic names also add new column
18,179 Fastest way to write large CSV with Python
18,163 genfromtxt returning NaN rows
18,158 numpy.loadtxt Skipping multiple rows
18,138 Numpy matrix of coordinates
18,134 Reading ASCII file in Python (numpy-array?)
18,128 Reading an entire binary file into Python
18,121 Convert two numpy array to dataframe
18,120 How to do a column sum in Tensorflow?
18,110 Sum elements in a row (Python/Numpy)
18,106 Ignoring NaN in a dataframe
18,079 Fast Haversine Approximation (Python/Pandas)
18,068 numpy function to set elements of array to a value given a list of indices
18,063 Cython Numpy warning about NPY_NO_DEPRECATED_API when using MemoryView
18,051 Repeating each element of a numpy array 5 times
18,041 Unpivot Pandas Data
18,037 TypeError: return arrays must be of ArrayType for a function that uses only floats
18,031 Missing data, insert rows in Pandas and fill with NAN
18,028 Clustering geo location coordinates (lat,long pairs) using KMeans algorithm with Python
18,005 How to convert a numpy matrix to a pandas series?
18,003 numpy is already installed with Anaconda but I get an ImportError (DLL load failed: The specified module could not be found)
17,985 how do i convert a numpy array to pandas dataframe
17,982 subtracting the mean of each row in numpy with broadcasting
17,979 Read sparse matrix in python
17,977 Python Pandas: remove entries based on the number of occurrences
17,965 Hierarchical clustering of time series in Python scipy/numpy/pandas?
17,964 Matplotlib yaxis range display using absolute values rather than offset values?
17,951 Python/NumPy first occurrence of subarray
17,950 How to convert an excel file data into numpy array using pandas?
17,931 Fast numpy fancy indexing
17,927 Multiprocessing.Pool makes Numpy matrix multiplication slower
17,924 How to split an array according to a condition in numpy?
17,911 Error NameError: name 'np' is not defined [closed]
17,905 How to modify 2d Scatterplot to display color based off third array in csv file?
17,895 ADF test in statsmodels in Python
17,878 How do I install pandas for Python 3.4 in Windows?
17,876 Perform a reverse cumulative sum on a numpy array
17,873 Show confidence limits and prediction limits in scatter plot
17,869 Populate a Pandas SparseDataFrame from a SciPy Sparse Matrix
17,862 pandas DataFrame diagonal
17,859 fminunc alternate in numpy
17,854 How to calculate slope in numpy
17,836 Fast interpolation of grid data
17,826 Modifying a numpy array inside a function?
17,820 using python numpy linspace in for loop
17,812 Techniques for working with large Numpy arrays? [duplicate]
17,808 Creating a numpy array of 3D coordinates from three 1D arrays
17,761 Calculating Autocorrelation of Pandas DataFrame along each Column
17,759 NumPy - What is the difference between frombuffer and fromstring?
17,727 Matplotlib - Finance volume overlay
17,717 Python - Matplotlib: normalize axis when plotting a Probability Density Function
17,715 Generate a random sample of points distributed on the surface of a unit sphere
17,711 Scatter a 2D numpy array in matplotlib
17,679 Analysing Time Series in Python - pandas formatting error - statsmodels
17,675 Using NumPy and Cpython with Jython
17,675 Machine Epsilon in Python
17,654 a value too large for dtype('float64') [closed]
17,652 Efficient way to normalize a Scipy Sparse Matrix
17,649 Python floating-point precision format specifier
17,639 TypeError: img data type = 17 is not supported
17,619 Importing Numpy results in error even though Anaconda says it's installed?
17,618 Opposite of numpy.unwrap
17,577 Reading non-uniform data from file into array with NumPy
17,577 Ignoring -Inf values in arrays using numpy/scipy in Python
17,569 Fast Numerical Integration in Python
17,553 Understanding tensordot
17,546 How to combine multiple numpy masks
17,512 Numpy equivalent of MATLAB's cell array
17,486 Find the shortest distance between a point and line segments (not line)
17,484 OpenCV: setting all pixels of specific BGR value to another BGR value
17,475 Use Python code in C/C++
17,458 python numpy ndarray element-wise mean
17,427 How open a jpg in numpy?
17,426 Reading CSV files in numpy where delimiter is '',''
17,417 numpy save 2d array to text file
17,417 Is there a Python equivalent of range(n) for multidimensional ranges?
17,391 python extract elements from array
17,385 How I can calculate standard deviation for rows of a dataframe?
17,373 Does Numpy automatically detect and use GPU?
17,369 Merging time series data by timestamp using numpy/pandas
17,356 Fastest way to parse JSON strings into numpy arrays
17,304 Compute *rolling* maximum drawdown of pandas Series
17,293 plotting 3d scatter in matplotlib
17,283 Efficient method of calculating density of irregularly spaced points
17,282 Element-wise array maximum function in NumPy (more than two arrays)
17,277 How do I feed Tensorflow placeholders with numpy arrays?
17,274 Explaining the differences between dim, shape, rank, dimension and axis in numpy
17,266 Swap two rows in a numpy array in python [duplicate]
17,264 converting a 2d dictionary to a numpy matrix
17,260 how to split a dataset into training and validation set keeping ratio between classes?
17,236 Negative exponent with NumPy array operand
17,234 AttributeError: 'numpy.ndarray' object has no attribute 'toarray'
17,230 How to force python float operation on float32 rather than float64
17,201 Convert NumPy vector to 2D array / matrix
17,193 How to make a checkerboard in numpy?
17,178 find if a number is float64
17,177 Fast inverse and transpose matrix in Python
17,177 Does Python have a function to reduce fractions?
17,152 Difference in output between numpy linspace and numpy logspace
17,139 How to group rows in a Numpy 2D matrix based on column values?
17,138 I want to select specific range of indexes from an array
17,115 Getting numpy to import in Python (Pycharm), Anaconda installed
17,059 sigmoid function - TypeError
17,057 Display a .png image from python on mint-15 linux
17,048 How to change array shapes in in numpy?
17,024 Multiple data set plotting with matplotlib.pyplot.plot_date
17,009 How to map numeric data into categories / bins in Pandas dataframe
16,999 How to install numpy to Python 3.5?
16,955 Is there a convenient way to apply a lookup table to a large array in numpy?
16,949 check type within numpy array
16,940 A faster alternative to Pandas `isin` function
16,935 How do I install Numpy for Python 2.7 on Windows?
16,931 MATLAB twice as fast as Numpy
16,925 Numpy matrix binarization using only one expression
16,923 Link ATLAS/MKL to an installed Numpy
16,920 Count total number of white pixels in an image is throwing an error
16,899 Python numpy.random.normal only positive values
16,879 scipy.io.wavfile gives ''WavFileWarning: chunk not understood'' error
16,867 Library to perform coordinate system transformations? [closed]
16,866 Center crop a numpy array
16,830 recover dict from 0-d numpy array
16,829 How do you run a setup.py file properly? [duplicate]
16,822 Add ''nan'' to numpy array 20 times without loop
16,818 How to get array of random integers of non-default type in numpy
16,809 Correlation coefficients and p values for all pairs of rows of a matrix
16,808 How to avoid ''RuntimeWarning: invalid value encountered in divide'' in NumPy?
16,805 Multiplication of 1d arrays in numpy
16,776 With Numpy, what’s the best way to compute the inner product of a vector of size 10 with each row in a matrix of size (5, 10)? [closed]
16,772 Possible conflicting python installations
16,759 numpy ''TypeError: ufunc 'bitwise_and' not supported for the input types'' when using a dynamically created boolean mask
16,757 'b' character added when using numpy loadtxt
16,755 numpy.genfromtxt produces array of what looks like tuples, not a 2D array—why?
16,753 Find out if/which BLAS library is used by Numpy
16,747 slicing numpy array into two parts
16,720 How can I simply calculate the rolling/moving variance of a time series in python?
16,715 What does a colon and comma stand in a python list?
16,702 Plotting two different arrays of different lengths
16,699 numpy sum along axis
16,696 Numercially stable softmax
16,672 How to select rows that do not start with some str in pandas?
16,671 Reading unicode elements into numpy array
16,660 What is the difference between `np.histogram` and `plt.hist`? Why don't these commands plot the same graphics?
16,653 'End of statement expected' in pycharm [duplicate]
16,652 Python TypeError : only integer scalar arrays can be converted to a scalar index
16,601 List of List to ndarray
16,567 Numpy Array, Data must be 1-dimensional
16,561 numpy.random.choice vs random.choice
16,550 Simple, efficient bilinear interpolation of images in numpy and python
16,534 How to return indices of values between two numbers in numpy array
16,520 How to select inverse of indexes of a numpy array?
16,516 How to store a numpy arrays in a column of a Pandas dataframe?
16,506 circle detection in open cv using python
16,498 What is ''random-state'' in sklearn.model_selection.train_test_split example?
16,478 TypeError: ufunc 'isnan' not supported for the input types, and the inputs could not be safely coerced
16,473 Multidimensional Euclidean Distance in Python
16,472 pandas: write tab-separated dataframe with literal tabs with no quotes
16,465 numpy.ndarray vs pandas.DataFrame
16,462 Numpy, the array doesn't have its own data?
16,440 Official abbreviation for: import scipy as sp/sc
16,436 Numpy concatenate 2D arrays with 1D array
16,435 Cannot import cv on Opencv2
16,423 Python double free error for huge datasets
16,408 How to center labels in histogram plot
16,406 Plot Piecewise Function in Python
16,397 Using python load images from directory and reshape [closed]
16,394 How to plot a superimposed bar chart using matplotlib in python?
16,391 How do you Unit Test Python DataFrames
16,387 Lowpass Filter in python
16,386 Merge numpy arrays returned from loop
16,369 date2num , ValueError: ordinal must be >= 1
16,356 Add new column to Python Pandas DataFrame based on multiple conditions [duplicate]
16,347 Pandas in AWS lambda gives numpy error
16,343 How to convert singleton array to a scalar value in Python?
16,343 Custom data types in numpy arrays
16,329 Converters behavior in NumPy loadtxt not understood
16,325 Most efficient way to forward-fill NaN values in numpy array
16,323 Comparison to `None` will result in an elementwise object
16,321 Fill a numpy array with the same number? [duplicate]
16,318 Calculate average of every x rows in a table and create new table
16,293 numpy array: IndexError: too many indices for array
16,287 understanding numpy's dstack function
16,279 Python equivalent of MATLAB's ''ismember'' function
16,267 Why does numpy.linalg.solve() offer more precise matrix inversions than numpy.linalg.inv()?
16,267 numpy.shape gives inconsistent responses - why?
16,257 Fit a curve to a histogram in Python
16,252 python: calculate center of mass
16,242 Memory error with large data sets for pandas.concat and numpy.append
16,241 How can I take the square root of -1 using python?
16,232 Weighted average using numpy.average
16,226 Python Matrix sorting via one column
16,222 Trouble with '' cv2.imshow ()'' function
16,222 Numpy Broadcast to perform euclidean distance vectorized
16,208 Numpy: How to find first non-zero value in every column of a numpy array?
16,207 What are the advantages of using numpy.identity over numpy.eye?
16,193 Mean Absolute Error - Python
16,147 Python: find contour lines from matplotlib.pyplot.contour()
16,144 matplotlib.scatter() not working with Numpy on Python 3.6
16,126 Parallelise python loop with numpy arrays and shared-memory
16,123 Python scipy.optimize: Using fsolve with multiple first guesses
16,121 Discrete Fourier Transform: How to use fftshift correctly with fft
16,114 Python (Numpy) array sorting
16,103 numpy array casting ruled not 'safe'
16,093 Curve curvature in numpy
16,081 python Spyder not importing numpy
16,060 Converting a 2D numpy array to a structured array
16,048 numpy, how do I find total rows in a 2D array and total column in a 1D array
16,047 Numpy mean of nonzero values
16,014 Efficient standard basis vector with numpy
16,010 UserWarning: converting a masked element to nan
15,997 How find values in an array that meet two conditions using Python
15,994 How to ''embed'' a small numpy array into a predefined block of a large numpy array?
15,990 Multiple linear regression with python
15,963 How to get unix timestamp from numpy.datetime64
15,963 add a number to all odd or even indexed elements in numpy array without loops
15,932 Equivalent of ''whos'' command in NumPy
15,921 Read in Raw Binary Image in Python
15,921 How to use numpy's hstack?
15,915 TypeError: 'NoneType' object does not support item assignment
15,908 Numpy: Subtract array element by element
15,907 Curve fitting using matplotlib
15,901 Python: DLL load failed: %1 is not a valid Win32 application
15,886 MATLAB to Python Code conversion (NumPy, SciPy, MatplotLib?)
15,881 AttributeError: 'numpy.ndarray' object has no attribute 'iloc'
15,880 NumPy Error: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
15,876 Saving numpy array in mongodb
15,873 Python3, how to install numpy on CentOS 7?
15,866 Installing scipy in Python 3.5 on 32-bit Windows 7 Machine
15,855 How can I get the x and y dimensions of a ndarray - Numpy / Python
15,850 Cannot figure out how to install numpy with Python 3.3.3 and Windows 7 64bit
15,844 How to deal with PyCharm's ''Expected type X, got Y instead''
15,823 Find roots of a function a x^n + bx - c = 0 where n isn't an integer with Numpy?
15,808 How to set time zone of values in a Pandas DataFrame?
15,799 Multivariate kernel density estimation in Python
15,788 Why is numpy.array so slow?
15,777 Generate array of number pairs from 2 numpy vectors [duplicate]
15,736 Convert byte array back to numpy array
15,733 Iterations through pixels in an image are terribly slow with python (OpenCV)
15,730 min, max and mean over large NumPy arrays in Python
15,719 Difference between Numpy and Numpy-MKL?
15,716 Understanding NumPy's nonzero function
15,700 Triangle wave shaped array in Python
15,694 Using PIL and NumPy to convert an image to Lab array, modify the values and then convert back
15,693 Plotting a 2D Array with Matplotlib
15,693 AttributeError: 'numpy.ndarray' object has no attribute 'median'
15,662 RuntimeWarning: invalid value encountered in long_scalars
15,660 Most efficient way to construct similarity matrix
15,647 Unwanted extra dimensions in NumPy array
15,646 R's which() and which.min() Equivalent in Python
15,636 Numpy: How to elementwise-multiply two vectors, shape (n,1) and (n,)?
15,610 How does tensorflow batch_matmul work?
15,599 Numpy: change max in each row to 1, all other numbers to 0
15,591 Correct fitting with scipy curve_fit including errors in x?
15,585 student t confidence interval in python
15,585 How to determine which points are inside of a polygon and which are not (large number of points)?
15,575 Square root of all values in numpy array, preserving sign
15,562 Probability Distribution Function Python
15,561 Efficient way to add a singleton dimension to a NumPy vector so that slice assignments work
15,550 ValueError: setting an array element with a sequence in Python
15,547 Subsample pandas dataframe
15,539 Set values on the diagonal of pandas.DataFrame
15,535 Rotating images by 90 degrees for a multidimensional NumPy array
15,532 'the label [0] is not in the [index]'
15,530 Linear regression of arrays containing NANs in Python/Numpy
15,525 Unexpected Exception in numpy.isfinite()
15,524 Saving and loading a Numpy Matrix in python
15,523 AttributeError: 'numpy.ndarray' object has no attribute 'toList'
15,519 Discarding alpha channel from images stored as Numpy arrays
15,500 power spectrum by numpy.fft.fft
15,498 np_utils.to_categorical Reverse
15,496 how to annotate heatmap with text in matplotlib?
15,491 python - how to find area under curve? [closed]
15,470 Is there a c# library that provides array manipulation like numpy [closed]
15,464 fit two gaussians to a histogram from one set of data, python
15,454 What is the best way to convert a SymPy matrix to a numpy array/matrix
15,454 Adding 2 matrix and Multiplying 2 matrix in python by using scipy/numpy
15,449 The difference between comparison to np.nan and isnull()
15,440 Truncating decimal digits numpy array of floats
15,437 reading csv files in scipy/numpy in Python
15,429 Adding records to a numpy record array
15,418 How to plot gamma distribution with alpha and beta parameters in python
15,413 Pandas dataframe groupby to calculate population standard deviation
15,412 Difference between nonzero(a), where(a) and argwhere(a). When to use which?
15,408 Pandas aggregation ignoring NaN's
15,399 Read Matlab Data File into Python, Need to Export to CSV
15,396 Standard deviation/error of linear regression
15,396 divide by zero encountered in double_scalars for derivative calculations
15,391 how to find the unique non nan values in a numpy array?
15,386 python - How to get high and low envelope of a signal?
15,383 Correct usage of fmin_l_bfgs_b for fitting model parameters
15,378 dtypes. Difference between S1 and S2 in Python
15,375 How can I get an array of alternating values in python?
15,371 Tukey five number summary in Python
15,370 numpy: multiply arrays rowwise
15,365 Partial derivative in Python
15,364 Normalization VS. numpy way to normalize?
15,363 Frequency detection from a sound file
15,362 Printing numpy.float64 with full precision
15,362 Installing numpy as a dependency with setuptools
15,347 How to plot a multivariate function in Python?
15,336 Compare `float` and `float64` in python
15,328 numpy arbitrary precision linear algebra
15,322 What is the fastest way to slice a scipy.sparse matrix?
15,322 Check if variable is None or numpy.array
15,319 Matplotlib : display array values with imshow
15,316 testing if a numpy array is symmetric?
15,315 Discrete Laplacian (del2 equivalent) in Python
15,306 Floating point precision in Python array
15,304 NumPy won't install in Python 3.4.0 in Win7
15,303 Python - calculating trendlines with errors
15,293 How to convert Pytorch autograd.Variable to Numpy?
15,284 unable to read a tab delimited file into a numpy 2-D array
15,280 CountVectorizer does not print vocabulary
15,277 Numpy and Scipy installation on windows
15,268 python matplotlib plot sparse matrix pattern
15,262 Why tensorflow uses channel-last ordering instead of row-major?
15,255 Load a tiff stack in a numpy array with python
15,253 import image to python as 2D array
15,248 Python Median Filter for 1D numpy array
15,230 Could not find a version that satisfies the requirement numpy == 1.9.3
15,219 How do I load specific rows from a .txt file in Python?
15,216 Modify pandas dataframe values with numpy array
15,208 How set a particular cell value in pandas?
15,198 SciPy and scikit-learn - ValueError: Dimension mismatch
15,186 Python/Numpy subarray selection
15,177 Get week start date (Monday) from a date column in Python (pandas)?
15,174 OpenCV image subtraction vs Numpy subtraction
15,172 How to call a numpy.random function when numpy is *-imported and random is non-*-imported
15,171 Print `numpy.ndarray` on a single line
15,165 how to install numpy and scipy on OS X?
15,155 Is this the best way to add an extra dimension to a numpy array in one line of code?
15,153 Histogram in Python Using matplotlib [duplicate]
15,148 Is there any numpy autocorrellation function with standardized output?
15,135 python - how to compute correlation-matrix with nans in data-matrix
15,130 Max value of a 3d array in python
15,117 what does numpy.apply_along_axis perform exactly?
15,103 Python baseline correction library
15,083 Create large random boolean matrix with numpy
15,053 How to get the linear index for a numpy array (sub2ind)
15,053 Converting numpy array into dataframe column?
15,050 Flipping zeroes and ones in one-dimensional NumPy array
15,042 How to use scipy.optimize.minimize
15,040 working of ndim in numpy [duplicate]
15,015 Python unsharp mask
15,014 How to create random orthonormal matrix in python numpy
15,012 numpy.cov() exception: 'float' object has no attribute 'shape'
15,004 How to calculate the 99% confidence interval for the slope in a linear regression model in python?
14,996 one-dimensional array shapes (length,) vs. (length,1) vs. (length)
14,993 Indexing numpy array with another numpy array
14,990 Check for None in pandas dataframe
14,988 KeyError when plotting a sliced pandas dataframe with datetimes
14,979 How can I assign/update subset of tensor shared variable in Theano?
14,969 Manipulating the numpy.random.exponential distribution in Python
14,956 Python module for multiple variable global optimization
14,956 Getting all rows with NaN value
14,952 How to perform non-linear optimization with scipy/numpy or sympy?
14,951 Convert numpy array to PySide QPixmap
14,948 Error with Sklearn Random Forest Regressor
14,942 Upsample and Interpolate a NumPy Array
14,942 How to get value from a theano tensor variable backed by a shared variable?
14,926 How do I write/create a GeoTIFF RGB image file in python?
14,890 Write object array to .txt file
14,890 usecols in loadtxt
14,876 How to save and load an array of complex numbers using numpy.savetxt?
14,871 ValueError: No axis named 1 for object type <class 'pandas.core.series.Series'>
14,867 how to make square subplots in matplotlib with heatmaps?
14,862 opencv cvtColor dtype issue(error: (-215) )
14,848 Unable to load DLL python module in PyCharm. Works fine in IPython
14,847 Addition of multiple arrays in python
14,844 Efficient way to convert delimiter separated string to numpy array
14,841 Keep a figure ''on hold'' after running a script
14,816 How much of NumPy and SciPy is in C?
14,810 Can't install numpy with setup.py
14,802 Conditional operations on numpy arrays
14,801 applying functions to groups in pandas dataframe
14,798 How to change the dtype of certain columns of a numpy recarray?
14,796 Python with Numpy/Scipy vs. Pure C++ for Big Data Analysis [closed]
14,790 Finding a subimage inside a Numpy image
14,783 Adding an np.array as a column in a pandas.DataFrame
14,782 Correct way to point to ATLAS/BLAS/LAPACK libraries for numpy build?
14,769 Numpy: How to scale an integer array by an integer value?
14,755 Sum array by number in numpy
14,755 How to import a Matrix from a text file in Python
14,743 Matrix Multiplication in Clojure vs Numpy
14,739 ''ValueError: The truth value of an array with more than one element is ambiguous''
14,735 calculating percentage error by comparing two arrays
14,730 ImportError: cannot import name __check_build while importing TfidfVectorizer from sklearn
14,723 Run function exactly once for each row in a Pandas dataframe
14,721 ''IndexError: too many indices'' in numpy python
14,717 numpy/scipy analog of matlab's fminsearch
14,708 Scikit-learn χ² (chi-squared) statistic and corresponding contingency table
14,704 Use numpy.argwhere to obtain the matching values in an np.array
14,703 Matplotlib plot_surface transparency artefact
14,702 What are the workaround options for python out of memory error?
14,702 inpolygon for Python - Examples of matplotlib.path.Path contains_points() method?
14,698 Middle point of each pair of an numpy.array
14,696 MATLAB ind2sub equivalent in Python
14,682 Numpy sort ndarray on multiple columns
14,675 How can I tell if NumPy creates a view or a copy?
14,651 Numpy Cannot cast ufunc multiply output from dtype
14,647 numpy ndarrays: row-wise and column-wise operations
14,617 Multiple pie charts using matplotlib
14,604 Calculate cosine similarity of two matrices
14,600 type str doesn't define __round__ method error
14,598 ValueError: cannot copy sequence with size 5 to array axis with dimension 2
14,572 What does x[x < 2] = 0 mean in Python?
14,555 Plot Mandelbrot with matplotlib / pyplot / numpy / python
14,546 Python numpy index is out of bound for axis zero
14,542 Plancks Formula for Blackbody spectrum
14,539 Convert list of arrays to pandas dataframe
14,528 How to vectorize this python code?
14,527 Get minimum x and y from 2D numpy array of points
14,507 bad operand type for abs(): 'list'
14,506 convert image (np.array) to binary image
14,501 How to plot a set of points in python?
14,484 Numpy: Beginner nditer
14,482 Delete some elements from numpy array
14,468 Pandas: Using Unix epoch timestamp as Datetime index
14,466 How to elementwise-multiply a scipy.sparse matrix by a broadcasted dense 1d array?
14,465 Efficient way to compute intersecting values between two numpy arrays
14,460 How to fix 'Float' object has no attribute 'exp'?
14,451 Numpy image - rotate matrix 270 degrees
14,442 Numpy mean AND variance from single function?
14,441 Which number represents rows and columns in the tuple returned by shape?
14,440 numpy astype from float32 to float16
14,432 statsmodels installation: No module named 'numpy.distutils._msvccompiler' in numpy.distutils; trying from distutils
14,423 Python Numpy Matrix - Return the value contained in the matrix?
14,415 How do I add rows and columns to a NUMPY array?
14,398 How to convert from pandas.DatetimeIndex to numpy.datetime64?
14,383 How to append a NumPy array to a NumPy array
14,375 Pandas Latitude-Longitude to distance between successive rows [duplicate]
14,364 Pandas: Use multiple columns of a dataframe as index of another
14,347 Numpy *.npz internal file structure
14,308 Fast calculation of Pareto front in Python
14,299 Convert little endian string to integer
14,292 How to draw probabilistic distributions with numpy/matplotlib?
14,291 Pandas finding local max and min
14,289 KNearest Neighbors in sklearn - ValueError: query data dimension must match training data dimension
14,287 Numpy high precision
14,285 Python - Bilinear image interpolation
14,273 Python remove outliers from data
14,258 numpy IndexError: too many indices for array when indexing matrix with another
14,253 numpy contour: TypeError: Input z must be a 2D array
14,234 Equivalent of `polyfit` for a 2D polynomial in Python
14,228 TypeError: float() argument must be a string or a number, not 'method'
14,226 Color a particular node in Networkx and Graphviz
14,222 Check if each element in a numpy array is in another array
14,214 Python JSON encoder convert NaNs to 'null' instead
14,214 How to properly upgrade numpy on Windows 7?
14,211 What is the purpose of numpy.log1p( )?
14,208 Saving with h5py arrays of different sizes
14,185 What is an intuitive explanation of np.unravel_index?
14,185 IndexError: index is out of bounds for axis 0 with size
14,180 How to Zoom with Axes3D in Matplotlib
14,169 Properly convert png to npy numpy array (Image to Array)
14,161 pcolormesh with missing values?
14,154 Numpy: Concatenating multidimensional and unidimensional arrays
14,151 How to convert numpy int to float with separate numpy array?
14,133 Fast Numpy Loops
14,128 numpy random choice in Tensorflow
14,127 'numpy.ndarray' object has no attribute 'find' while trying to generate boxplot?
14,126 RuntimeWarning: invalid value encountered in power
14,115 Resizing and stretching a NumPy array
14,114 Numpy python find minimum value of each column and subtract this value from each column
14,109 Linear algebra on python
14,102 Integer step size in scipy optimize minimize
14,092 Pycharm pip install wont work behind a proxy
14,073 Python numpy array sum over certain indices
14,073 How can I get year - month - day from a numpy datetime64? [duplicate]
14,072 Anaconda installation to home directory
14,067 RuntimeError: module compiled against API version 0xc but this version of numpy is 0xb
14,049 Convert a numpy array to a CSV string and a CSV string back to a numpy array
14,032 RuntimeWarning: overflow encountered in np.exp(x**2)
14,030 Python numpy loop index out of bounds error
14,027 convert elements of an array from scientific notation to decimal notation in python
14,008 How can I efficiently process a numpy array in blocks similar to Matlab's blkproc (blockproc) function
14,002 projectile motion simple simulation using numpy matplotlib python
13,992 numpy float: 10x slower than builtin in arithmetic operations?
13,984 Convert a text file to a numpy array
13,982 plotting 3d histogram/barplot in python matplotlib
13,973 Fitting a curve to a power-law distribution with curve_fit does not work
13,960 How to one-hot-encode from a pandas column containing a list?
13,959 Select One Element in Each Row of a Numpy Array by Column Indices
13,959 Install NumPy for Python 3.2.3 on OS X 10.7.4
13,956 Installing numpy in qpython
13,955 Python numpy float16 datatype operations, and float8?
13,948 Crop part of np.array
13,936 Adding a field to a structured numpy array (2)
13,934 AttributeError: 'numpy.ndarray' object has no attribute 'split'
13,924 opencv/python: Draw image over a webcam stream [duplicate]
13,923 numpy histogram cumulative density does not sum to 1
13,922 PyCharm getitem warning for functions with arrays
13,907 plot x-axis as date in matplotlib
13,905 Convert NumPy array to 0 or 1 based on threshold
13,904 How do I tell if a column in a pandas dataframe is of type datetime? How do I tell if a column is numerical?
13,889 Python: How do you stop numpy from multithreading?
13,883 Fastest way to compute entropy of each numpy array row?
13,877 Tensorflow eval() without session or move variable to an other session
13,875 Python matplotlib.dates.date2num: converting numpy array to matplotlib datetimes
13,866 Bind columns (from vectors) for numpy
13,861 NumPy, RuntimeWarning: invalid value encountered in power
13,855 python 2d array to dict
13,848 How to exclude rows/columns from numpy.ndarray data
13,848 Get indices of array where two conditions (on different arrays) are true
13,845 Wave Simulation with Python
13,819 Python - ''cannot perform reduce with flexible type'' when trying to use numpy.mean
13,813 What are all the possible calculations that could cause a NaN in Python? [closed]
13,807 convert pandas float series to int
13,805 Matrix multiplication on CPU (numpy) and GPU (gnumpy) give different results
13,804 How to use griddata from scipy.interpolate
13,801 Select cells randomly from NumPy array - without replacement
13,792 Quickly read HDF 5 file in python?
13,790 Selecting a column of a numpy array
13,788 Calculating cosine values for an array in Python
13,783 Adding labels to a matplotlib graph
13,764 How to plot result of np.histogram with matplotlib analog to plt.hist [duplicate]
13,764 How to compress png file with opencv in python?
13,763 Numpy Pyinstaller ImportError: cannot import name multiarray
13,762 What is the multiplication operator actually doing with numpy arrays? [duplicate]
13,758 In Numpy, find Euclidean distance between each pair from two arrays
13,743 Equivalent of R/ifelse in Python/Pandas? Compare string columns?
13,735 Exporting a 3D numpy to a VTK file for viewing in Paraview/Mayavi
13,731 deprecation error in sklearn about empty array without any empty array in my code
13,729 I can't seem to install numpy
13,711 Numpy gcd function
13,708 efficient way of removing None's from numpy array
13,708 2D Nearest Neighbor Interpolation in Python
13,704 Numpy's 'linalg.solve' and 'linalg.lstsq' not giving same answer as Matlab's '\' or mldivide
13,704 AttributeError: 'module' object has no attribute 'to_rgb'
13,677 Numpy Root-Mean-Squared (RMS) smoothing of a signal
13,674 Prevent anti-aliasing for imshow in matplotlib
13,661 Efficient Way to Create Numpy Arrays from Binary Files
13,653 Numpy random choice of tuples
13,649 Pandas Missing required dependencies ['numpy']
13,648 In Python, how can I calculate correlation and statistical significance between two arrays of data?
13,626 What does -1 in numpy reshape mean? [duplicate]
13,624 Generating random correlated x and y points using Numpy
13,614 Pearson correlation coefficient 2-tailed p-value meaning [closed]
13,611 Efficient way to create list of same numbers? [duplicate]
13,604 concatenate multiple numpy arrays in one array?
13,588 Reshaping dataframes in pandas based on column labels
13,578 Integrating a multidimensional integral in scipy
13,564 Numerical Laplace transform python
13,562 SciPy NumPy and SciKit-learn , create a sparse matrix
13,548 How to run non-linear regression in python
13,539 Python - ValueError: operands could not be broadcast together with shapes
13,526 Install Numpy in pydev(eclipse)
13,524 Save a numpy array to csv with a string header
13,515 TypeError: unsupported operand type(s) for /: 'dict_values' and 'int'
13,498 GridSearchCV extremely slow on small dataset in scikit-learn
13,492 How to save a 3 channel numpy array as image
13,491 What's the difference between numpy.take and numpy.choose?
13,472 Multidimensional Scaling Fitting in Numpy, Pandas and Sklearn (ValueError)
13,470 how to convert numpy array to keras tensor
13,464 Fitting distributions, goodness of fit, p-value. Is it possible to do this with Scipy (Python)?
13,463 Grayscale image to NumPy array for Fourier transform
13,458 How can I check whether the numpy array exists already or not?
13,437 Numpy Install RuntimeError: Broken toolchain: cannot link a simple C program
13,432 How do I import data with different types from file into a Python Numpy array?
13,430 how to perform coordinates affine transformation using python? part 2
13,421 TypeError: unsupported operand type(s) for ^: 'numpy.float64' and 'numpy.float64'
13,416 Upgrading numpy fails with ''Permission denied'' error
13,415 How to install Python Pandas?
13,401 Smoothed 2D histogram using matplotlib and imshow
13,384 Convolution computations in Numpy/Scipy
13,370 How do I check if a numpy dtype is integral?
13,361 Plot Red Channel from 3D Numpy Array
13,358 no module named 'numpy' (windows 7, python 3.4.3, numpy-1.9.2)
13,345 How to use dblquad for double integration?
13,342 How to generate a distribution with a given mean, variance, skew and kurtosis in Python?
13,338 How can I draw lines into numpy arrays?
13,334 How can I produce a nice output of a numpy matrix?
13,332 numpy: efficiently reading a large array
13,331 Looping through each item in a numpy array?
13,311 What does matplotlib `imshow(interpolation='nearest')` do?
13,308 Resize rectangular image to square, keeping ratio and fill background with black
13,284 Check if single element is contained in Numpy Array
13,270 Matrix multiplication for sparse matrices in Python
13,266 Find index where elements change value numpy
13,261 Numpy - correlation coefficient and related statistical functions don't give same results
13,261 How to get the unit vector from a numpy array [duplicate]
13,258 Converting empty strings to 0 using Numpy
13,239 Find the index of the n'th item in a list
13,238 Efficient way to count unique elements in array in numpy/scipy in Python
13,215 How to determine what is the probability distribution function from a numpy array?
13,210 Numpy with python 3.0
13,206 Add n zeros to the end of an array
13,199 How to turn a video into numpy array?
13,197 3D Contour plot from data using Mayavi / Python
13,191 ImportError: cannot import name add_newdocs
13,174 fit multiple gaussians to the data in python
13,169 How to create new column in a df based on multiple conditions?
13,162 Getting the mean of multiple axis of a numpy array
13,158 Convert a list of 2D numpy arrays to one 3D numpy array?
13,157 How to make X axis in matplotlib/pylab to NOT sort automatically the values?
13,155 x.shape[0] vs x[0].shape in NumPy
13,155 Add days to date in pandas
13,136 Adding scikit-learn (sklearn) prediction to pandas data frame
13,130 how to make a new numpy array same size as a given array and fill it with a scalar value
13,117 Frequency Analysis in Python
13,099 How to extract R,G,B values with numpy into seperate arrays
13,075 Numpy mean with condition
13,069 T-Test in Scipy with NaN values
13,068 Reshape numpy (n,) vector to (n,1) vector
13,068 Reshape 1D numpy array to 3D with x,y,z ordering
13,060 Efficient way to take the minimum/maximum n values and indices from a matrix using NumPy
13,057 Numpy equivalent of list.index
13,054 How many times a number appears in a numpy array
13,054 How do you pass a numpy array to openCV without saving the file as a png or jpeg first?
13,052 Quick way to access first element in Numpy array with arbitrary number of dimensions?
13,051 NumPy library ImportError: DLL load failed: The specified procedure could not be found
13,034 Programmatically add column names to numpy ndarray
13,022 Python: replacing outliers values with median values
13,013 Hist in matplotlib: Bins are not centered and proportions not correct on the axis
13,012 Writing numpy arrays using cv2 VideoWriter
13,006 Comparing elements of an array to a scalar and getting the max in Python
12,989 TypeError: 'numpy.int64' object is not callable — What does that mean in laymans terms?
12,989 How to remove the space between subplots in matplotlib.pyplot?
12,984 How tf.transpose works in tensorflow?
12,980 How to calculate covariance Matrix with Pandas
12,979 Filling missing values using numpy.genfromtxt
12,971 matplotlib imshow plots different if using colormap or RGB array
12,968 numpy FloatingPointError: invalid value encountered in subtract - not reproducible?
12,955 Python - Matrix outer product
12,954 How do I find out eigenvectors corresponding to a particular eigenvalue of a matrix?
12,950 TensorFlow: TypeError: Using a `tf.Tensor` as a Python `bool` is not allowed
12,946 Reading data from text file with missing values
12,945 Merge two different dataframes on different column names [duplicate]
12,939 How to paste a Numpy array to Excel
12,933 Why the performance difference between numpy.zeros and numpy.zeros_like?
12,923 import text file as matrix in numpy
12,915 How to decode a numpy array of encoded literals/strings in Python3? AttributeError: 'numpy.ndarray' object has no attribute 'decode'
12,898 TypeError: Scalar value for argument 'color' is not numeric in openCV
12,891 Is there a numpy.delete() equivalent for sparse matrices?
12,888 what does np.eye(n)[nparray] mean? [duplicate]
12,886 RuntimeError: module compiled against API version 0xa but this version of numpy is 0x9
12,886 MultinomialNB error: ''Unknown Label Type''
12,866 Matplotlib: how to make imshow read x,y coordinates from other numpy arrays?
12,853 Scipy error: numpy.dtype size changed, may indicate binary incompatibility (and associated strange behavior)
12,837 Get a list of all indices of repeated elements in a numpy array
12,821 Reading data blocks from a file in Python
12,820 Sklearn : Mean Distance from Centroid of each cluster
12,818 unsupported operand type(s) for *: 'float' and 'builtin_function_or_method' [closed]
12,816 what is causing ''AttributeError: 'numpy.ndarray' object has no attribute 'diff'''
12,812 conda update scikit-learn (also scipy and numpy)
12,808 How can I create a circular mask for a numpy array?
12,806 NumPy: How to filter matrix lines
12,801 'numpy.ndarray' object has no attribute 'insert'
12,792 Interpolation over regular grid in Python [closed]
12,789 How do I create a numpy array from string?
12,757 Element-wise matrix multiplication in NumPy
12,756 Matplotlib: Color-coded text in legend instead of a line
12,753 Python numpy: create 2d array of values based on coordinates
12,751 Use sklearn's GridSearchCV with a pipeline, preprocessing just once
12,748 Converting a hexadecimal character to an int in Python
12,738 Pandas: Difference between largest and smallest value within group
12,735 Python scikits - Buffer has wrong number of dimensions (expected 1, got 2)
12,717 using arctan / arctan2 to plot a from 0 to 2π
12,710 tile operation in numpy [closed]
12,708 Python Arrays of Tuples
12,707 Issue with scipy install on windows
12,705 Python: numpy.insert NaN value
12,695 OpenCV Error: Assertion failed when using COLOR_BGR2GRAY function
12,694 Set weight and bias tensors of tensorflow conv2d operation
12,694 pythonic way to aggregate arrays (numpy or not)
12,684 How to do linear regression, taking errorbars into account?
12,683 eigenvectors created by numpy.linalg.eig don't seem correct
12,681 Loading SKLearn cancer dataset into Pandas DataFrame
12,663 Numpy: How to check if array contains certain numbers?
12,662 Find local maximums in numpy array
12,656 Singular matrix - python
12,647 How to convert numpy.timedelta64 to minutes
12,636 Plotting implicit equations in 3d
12,636 Matplotlib imshow offset to match axis?
12,631 Splitting columns of a numpy array easily
12,631 How do I pass large numpy arrays between python subprocesses without saving to disk?
12,629 removing pairs of elements from numpy arrays that are NaN (or another value) in Python
12,624 Numpy - create matrix with rows of vector
12,618 Swapping Columns with NumPy arrays
12,614 Using genfromtxt to import csv data with missing values in numpy
12,612 Customize the axis label in seaborn jointplot
12,608 A-star search in numpy or python
12,603 How to print Numpy arrays without any extra notation (square brackets [ ] and spaces between elements)?
12,603 How to delete multiple rows of NumPy array?
12,601 Mean of empty slice and Degrees of freedom <=0
12,584 Compiler problems with pip during numpy install under Windows 8.1, 7 Enterprise and 7 Home Editions
12,581 How to read image from numpy array into PIL Image?
12,580 Numpy convert scalars to arrays
12,578 scipy.misc.derivative for multiple argument function
12,576 Numpy object arrays
12,571 DFT matrix in python
12,568 numpy.array.tofile() binary file looks ''strange'' in notepad++
12,566 Weighted percentile using numpy
12,566 python code to calculate angle between three point using their 3D coordinates
12,566 Applying string operations to numpy arrays?
12,561 Problems with numpy in PyCharm
12,560 Fitting a closed curve to a set of points
12,560 AttributeError: FUN instance has no attribute '__trunc__'
12,553 reordering of numpy arrays
12,551 TensorFlow: generating a random constant
12,545 How to split row of data into columns separated by comma in python
12,541 To_CSV unique values of a pandas column [duplicate]
12,509 Numpy Cholesky decomposition LinAlgError
12,504 Efficient Numpy 2D array construction from 1D array
12,499 numpy TypeError: ufunc 'invert' not supported for the input types, and the inputs
12,481 Sklearn trying to convert string list to floats
12,469 Python library for Gauss-Seidel Iterative Solver?
12,467 Numpy: Joining structured arrays?
12,464 Numpy : The truth value of an array with more than one element is ambiguous
12,449 How to initialize 2D numpy array
12,448 Store NumPy Row and Column Headers
12,433 python find string pattern in numpy array of strings
12,431 Find maximum of each row in a numpy array and the corresponding element in another array of the same size
12,430 Speeding up numpy.dot
12,427 matplotlib 1.3.1 has requirement numpy>=1.5, but you'll have numpy 1.8.0rc1 which is incompatible
12,426 Finding first non-zero value along axis of a sorted two dimensional numpy array
12,423 Why can't I raise to a negative power in numpy?
12,423 Best way to create a NumPy array from a dictionary?
12,414 How to get more detailed error information numpy for ''RuntimeWarning: invalid value encountered in multiply'' error
12,410 Splitting one NumPy array into two arrays
12,407 Difference Between numpy.genfromtxt and numpy.loadtxt, and Unpack
12,401 how to multiply 2 numpy array with different dimensions
12,400 amplitude of numpy's fft results is to be multiplied by sampling period?
12,387 Python 4D linear interpolation on a rectangular grid
12,386 Windows + virtualenv + pip + NumPy (problems when installing NumPy)
12,377 Python ''Value Error: cannot delete array elements'' - Why am I getting this?
12,376 How to get randomly select n elements from a list using in numpy?
12,369 Why is Pandas Concatenation (pandas.concat) so Memory Inefficient?
12,367 NumPy array indexing a 4D array
12,361 How to save numpy array into computer for later use in python
12,343 Fastest approach to read thousands of images into one big numpy array
12,339 How to use numpy with OpenBLAS instead of Atlas in Ubuntu?
12,332 Calculate angle (degrees) in Python between line (with slope x) and horizontal
12,331 Installing numpy on Amazon EC2
12,330 Why is sin(180) not zero when using python and numpy?
12,329 Linear programming with scipy.optimize.linprog
12,320 Print real roots only in numpy
12,315 How do I retrieve the angle between two vectors 3D?
12,315 drawing bivariate gaussian distributions in matplotlib
12,309 np.savetxt and multiple arrays
12,309 how to initialize fixed-size integer numpy arrays in Cython?
12,288 Numpy histogram of large arrays
12,283 Python array of datetime objects from numpy ndarray
12,275 Null matrix with constant diagonal, with same shape as another matrix
12,270 Get row numbers of rows matching a condition in numpy
12,269 Array of images in python
12,267 Numpy: Fix array with rows of different lengths by filling the empty elements with zeros
12,256 Cannot understand numpy argpartition output
12,249 How to do convolution matrix operation in numpy?
12,245 When to use pandas series, numpy ndarrays or simply python dictionaries?
12,240 numpy: padding array with zeros
12,239 inverse of FFT not the same as original function
12,238 python error Can't handle mix of multiclass and continuous-multioutput
12,236 Efficient way for appending numpy array
12,225 Why in numpy `nan == nan` is False while nan in [nan] is True?
12,223 How do I simulate biased die in python?
12,220 Make numpy.sum() return a sum of matrices instead of a single number
12,217 How to install Numpy on Windows 8, in pyvenv?
12,210 Python: Cosine Similarity m * n matrices
12,207 Reading *.mhd/*.raw format in python
12,203 How to make numpy array column sum up to 1
12,198 Conditional assignment of tensor values in TensorFlow
12,190 Python MemoryError: cannot allocate array memory
12,189 Flatten OpenCV/Numpy Array
12,184 Change column values to column headers in pandas
12,182 Adding alpha channel to RGB array using numpy
12,180 Using scikit-learn LinearRegression to plot a linear fit
12,178 What exactly is the lexsort_depth of a multi-index Dataframe?
12,171 ValueError: index must be monotonic increasing or decreasing
12,170 Python ARIMA exogenous variable out of sample
12,169 Plotting words frequency and NLTK
12,166 python numpy split array into unequal subarrays
12,160 How does the axis parameter from NumPy work?
12,153 np.array - too many values to unpack
12,142 numpy.ufunc has the wrong size, try recompiling. even with the latest pandas and numpy versions
12,137 How to swich theano.tensor to numpy.array?
12,134 Python: Split NumPy array based on values in the array
12,129 How to assign a 1D numpy array to 2D numpy array?
12,117 sympy lambdify RuntimeWarning: invalid value encountered in double_scalars
12,111 log transformation and index changing in python
12,109 Efficiently Read last 'n' rows of CSV into DataFrame
12,107 Can I create a shared multiarray or lists of lists object in python for multiprocessing?
12,104 How to normalize a 4D numpy array?
12,099 imshow a gray image and a binary image python
12,094 Fastest method to create 2D numpy array whose elements are in range
12,092 What's the difference between nan, NaN and NAN
12,090 shape mismatch: indexing arrays could not be broadcast together with shapes
12,086 Removing elements from an array that are in another array
12,083 How to add numpy matrix as new columns for pandas dataframe?
12,081 Why is numpy.linalg.pinv() preferred over numpy.linalg.inv() for creating inverse of a matrix in linear regression
12,070 plotting dynamic data using matplotlib
12,066 load csv file to numpy and access columns by name
12,065 Sliding window using as_strided function in numpy?
12,061 Numpy array to csv
12,059 Feeding .npy (numpy files) into tensorflow data pipeline
12,059 does IPython Notebook affect speed of the program?
12,058 ModuleNotFoundError: No module named 'numpy.core._multiarray_umath' (While installing TensorFlow)
12,049 Transform list into numpy matrix
12,046 Scipy optimize fmin ValueError: setting an array element with a sequence
12,045 How to take user input in a numpy array
12,043 How to check dimensions of a numpy array?
12,028 How to save big array so that it will take less memory in python?
12,025 Setting Order of Columns with matplotlib bar chart
12,024 cPickle ImportError: No module named multiarray
12,015 matrix multiplication of arrays in python
12,015 How to compare a numpy array with a scalar?
12,009 python3 ValueError: shapes (4,1) and (4,3) not aligned: 1 (dim 1) != 4 (dim 0)
12,006 Monte Carlo Simulation with Python: building a histogram on the fly
12,005 'numpy.float64' object has no attribute 'plot'
12,004 Adding arrays with different number of dimensions
12,001 keras - TypeError: 'int' object is not iterable
11,997 Python: How to deal with expected a readable buffer object in Python
11,973 Reading just 1 column from a file using NumPy's loadtxt() function
11,968 Find negative and positive values in numpy array
11,942 TensorFlow : How do i find my output node in my Tensorflow trained model?
11,940 What is the difference between np.sum and np.add.reduce?
11,933 Logistic regression using SciPy
11,915 Matrix exponentiation in Python
11,915 How to find the minimum value in a numpy matrix?
11,911 sklearn - Cross validation with multiple scores
11,911 Matplotlib FuncAnimation for scatter plot
11,909 How to reshape numpy image? [duplicate]
11,909 how do I remove rows/columns from this matrix using python
11,899 how to perform an inner or outer join of DataFrames with Pandas on non-simplistic criterion
11,898 Ruby equivalent of NumPy
11,894 How to find last occurrence of maximum value in a numpy.ndarray
11,884 Please explain in detail 2D Histogram in Python
11,876 What is the difference between NumPy array and simple python array? [duplicate]
11,874 Numpy slice of arbitrary dimensions
11,867 First n elements of row in numpy array
11,848 How to convert Python dictionary object to numpy array
11,845 shape mismatch: value array of shape X could not be broadcast to indexing result of shape . . . X?
11,843 What does the term ''broadcasting'' mean in Pandas documentation?
11,840 integrating 2D samples on a rectangular grid using SciPy
11,834 How to add two columns of a numpy array?
11,833 Python Numpy Error: ValueError: setting an array element with a sequence
11,832 pd.rolling_mean becoming deprecated - alternatives for ndarrays
11,831 Python convex hull with scipy.spatial.Delaunay, how to eleminate points inside the hull?
11,831 ImportError: No module named 'numpy' in Windows
11,812 Tensorflow: Convert Tensor to numpy array WITHOUT .eval() or sess.run()
11,796 correcting the axes using imshow
11,786 Finding the (x,y) indexes of specific (R,G,B) color values from images stored in NumPy ndarrays
11,784 Python: How to eliminate all the zero rows from a matrix in numpy
11,779 How can I use scipy.ndimage.interpolation.affine_transform to rotate an image about its centre?
11,778 Numpy: use reshape or newaxis to add dimensions
11,768 Can I save a numpy array as a 16-bit image using ''normal'' (Enthought) python?
11,761 What's the difference of numpy.ndarray.T and numpy.ndarray.transpose() when self.ndim < 2
11,751 ''TypeError: len() of unsized object'' when using insert for arrays
11,746 Norm of a arrays of vectors in python
11,744 Rounding to nearest int with numpy.rint() not consistent for .5
11,741 How to copy numpy 2d array in pandas 2d dataframe
11,738 How to save dictionaries and arrays in the same archive (with numpy.savez)
11,735 How do I create a radial cluster like the following code-example in Python?
11,701 Can't install numpy 1.8 with python 2.7 under windows 7
11,694 Finding indices of matches of one array in another array
11,690 How to get the weight vector in Logistic Regression?
11,687 getting the opposite diagonal of a numpy array
11,686 Normalized Cross-Correlation in Python
11,686 How to store an array in a dictionary using python
11,686 handling zeros in pandas DataFrames column divisions in Python
11,683 From tick by tick data to candlestick
11,679 Passing Numpy arrays to C code wrapped with Cython
11,675 Is there a python (scipy) function to determine parameters needed to obtain a target power?
11,674 Rearranging Matrix Elements with Numpy
11,669 Extracting minimum values per row using numpy
11,668 Numpy and OpenCV
11,654 Structured 2D Numpy Array: setting column and row names
11,645 numpy load raises ''AttributeError: 'module' object has no attribute 'expr'''
11,636 numpy subtract/add 1d array from 2d array
11,635 how to understand empty dimension in python numpy array?
11,635 How to determine a region of interest and then crop an image using OpenCV
11,632 Melt the Upper Triangular Matrix of a Pandas Dataframe
11,632 How to turn a Pandas column into array and transpose it?
11,631 numpy: extending arrays along a new axis?
11,628 Making a matrix square and padding it with desired value in numpy
11,626 Rotating an image array in Numpy
11,621 How to round a Pandas `DatetimeIndex`?
11,617 Cython: (Why / When) Is it preferable to use Py_ssize_t for indexing?
11,611 Numpy for R user?
11,608 NumPy ImportError in python - Dll load failed
11,607 Apply mask to image with OpenCv Python
11,602 Python, OpenCV: Increasing image brightness without overflowing UINT8 array
11,601 Smooth surface Plot with Pyplot
11,598 matplotlib: Plot numpy arrays with None as values
11,596 Numpy, BLAS and CUBLAS
11,590 AttributeError: module 'numpy' has no attribute 'version'
11,586 Find Inflection and Stationary points in a numpy 1d-array
11,573 scipy.linalg.eig return complex eigenvalues for covariance matrix?
11,573 Python, Pandas & Chi-Squared Test of Independence
11,566 Install numpy Windows 8 64 with Python 3.5
11,561 The real difference between float32 and float64
11,561 RuntimeWarning: invalid value encountered in arccos
11,557 NumPy: consequences of using 'np.save()' with 'allow_pickle=False'
11,549 Get numpy 2D array from user input
11,535 Absolute difference of two NumPy arrays
11,534 Python: ''Use a.any() or a.all()'' while traversing a numpy.ndarray
11,534 Python 'astype' not working
11,532 igraph Graph from numpy or pandas adjacency matrix
11,530 How do I apply some function to a python meshgrid?
11,517 Error solving Matrix equation with numpy
11,494 How to get a single value as a string from pandas data frame
11,490 Tensorflow: You must feed a value for placeholder tensor 'Placeholder' with dtype float [but the value is a float]
11,489 How do I approximate the Jacobian and Hessian of a function numerically?
11,487 Converting a numpy.ndarray to string
11,477 ipython: how to set terminal width
11,477 How can I average an array of arrays in python?
11,475 Pandas convert columns type from list to np.array
11,468 Interpret numpy.fft.fft2 output
11,467 ValueError: array is too big - cannot understand how to fix this
11,454 matplotlib graph shows only points instead of line
11,445 Finding intersection/difference between python lists
11,431 Get mean of 2D slice of a 3D array in numpy
11,426 Find all nearest neighbors within a specific distance
11,421 using numpy.unravel_index
11,418 plotting numpy.ndarray
11,415 Python: Is there an inverse for ndarray.flatten('F')?
11,411 How can you turn an index array into a mask array in Numpy?
11,406 Numpy arrays, fancy indexing, complex numbers
11,399 Python Pandas: How to move one row to the first row of a Dataframe?
11,391 Why is numba faster than numpy here?
11,387 Calculating the inverse of a matrix with pandas
11,386 Python - byte image to NumPy array using OpenCV
11,386 Calculate moments (mean, variance) of distribution in python
11,371 Matplotlib animation either freezes after a few frames or just doesn't work
11,370 Save pandas DataFrame using h5py for interoperabilty with other hdf5 readers
11,367 Delete rows at select indexes from a numpy array
11,365 matplotlib imshow() using 3xN RGB array
11,364 AttributeError: 'numpy.ndarray' object has no attribute 'items'
11,362 tensorflow record with float numpy array
11,352 Index a 2D Numpy array with 2 lists of indices
11,346 NumPy convert 8-bit to 16/32-bit image
11,345 Why does json.dumps(list(np.arange(5))) fail while json.dumps(np.arange(5).tolist()) works
11,345 How to try-except an illegal matrix operation due to singularity in NumPy
11,342 get prime numbers from numpy array [closed]
11,324 how to read numpy 2D array from string?
11,321 How to install numpy with pip+mingw in windows?
11,316 Getting the row index for a 2D numPy array when multiple column values are known
11,307 Confidence interval for exponential curve fit
11,305 How to speed up pandas with cython (or numpy)
11,296 Is there a statistics module for Python 2.7?
11,288 How does numpy.swapaxes work?
11,283 Difference between these array shapes in numpy
11,282 Can one use python 3.5 in a docker container based out of the TensorFlow docker image?
11,281 How to sum all the arrays inside a list of arrays?
11,275 How do I enable the REFS_OK flag in nditer in numpy in Python 3.3?
11,274 Most efficient way to calculate radial profile
11,268 Turn the dictionary keys into variable names with same values in Python from .mat Matlab files using scipy.io.loadmat
11,264 Selecting specific column in each row from array
11,260 Trouble using numpy.load
11,257 Python, cPickle, pickling lambda functions
11,255 numpy: column-wise dot product
11,251 numpy.r_ is not a function. What is it?
11,251 Iterating through a two dimensional array in Python?
11,243 numpy having no ''isin'' attribute
11,219 Dowgrading / uninstalling numpy on Ubuntu 12.10 [closed]
11,218 How do I include .dll file in executable using pyinstaller?
11,217 faster alternative to numpy.where?
11,213 Python - strings and integers in Numpy array
11,210 Zoom in an Image using python-numpy
11,207 ValueError: Unknown format code 'f' for object of type 'str'
11,204 Convert Pandas dtype of dataframe
11,203 aws - ''Unable to import module 'process': /var/task/numpy/core/multiarray.so: invalid ELF header''
11,199 Numpy install under Ubuntu (12.04) causes Python ImportError
11,193 what is the quickest way to iterate through a numpy array
11,192 Sliding Window over Pandas Dataframe
11,183 How to vectorize a function which contains an if statement?
11,176 genfromtxt error - Got n columns instead of m
11,172 How can I merge 2 column in python
11,171 OpenCV Error: Unsupported format or combination of formats (Unsupported combination of input and output formats) in getRectSubPix
11,151 customizing just one side of tick marks in matplotlib using spines
11,134 python - create a pivot table
11,125 Convolution along one axis only
11,124 ValueError :Setting an array element with a sequence using numpy
11,120 Significant mismatch between `r2_score` of `scikit-learn` and the R^2 calculation
11,117 How to do weighted random sample of categories in python
11,113 python zip() function for a matrix [duplicate]
11,105 How to properly use anaconda accelerate for GPU
11,096 numpy np.apply_along_axis function speed up?
11,092 Converting nested lists of data into multidimensional Numpy arrays
11,091 Distinguishing overfitting vs good prediction
11,090 Binning a numpy array
11,089 How to create image from numpy float32 array?
11,087 How to convert sparse matrix to dense form using python
11,086 error: (-215) _src.type() == CV_8UC1 in function equalizeHist when trying to equalize a float64 image
11,074 Is there a way to get the index of the median in python in one command?
11,071 how do I get the subtrees of dendrogram made by scipy.cluster.hierarchy
11,061 turn scatter data into binned data with errors bars equal to standard deviation
11,058 Python prints '' ... '' in very large output
11,058 Fast peak-finding and centroiding in python
11,056 Calculating kurtosis from a numpy array?
11,050 Dictionary in a numpy array?
11,048 Numpy loadtxt encoding
11,044 Installing numpy from wheel format: '' ... is not a supported wheel on this platform''
11,036 Skip a specified number of columns with numpy.genfromtxt()
11,035 Reading .nc files by Python
11,030 Why does scipy.optimize.curve_fit not fit correctly to the data?
11,028 Generate random array of 0 and 1 with specific ratio
11,026 Python Numpy array reading from text file to 2D array
11,024 Numpy.Array in Python list?
11,022 probability density function from histogram in python to fit another histrogram
11,021 Numpy: ValueError: setting an array element with a sequence
11,020 How to split numpy array in batches?
11,019 Precision lost while using read_csv in pandas
11,015 NumPy dtype issues in genfromtxt(), reads string in as bytestring
11,011 Using numpy to Obtain Submatrix
11,000 Numpy apply_along_axis function
10,995 Python numpy loadtxt fails with date time
10,990 Convert list of lists with different lengths to a numpy array [duplicate]
10,975 matplotlib contour plot: proportional colorbar levels in logarithmic scale
10,973 How to compute huge numbers with python?
10,973 gotchas where Numpy differs from straight python?
10,963 Extrapolation from data plotted using matplotlib
10,958 Pandas to sum and group by date index
10,950 Numpy argmax. How to compute both max and argmax?
10,948 How do I convert a numpy matrix into a boolean matrix?
10,934 How to call a java function from python/numpy?
10,931 Can i pass a numpy array as an argument to a function, just like a variable?
10,929 Fast hamming distance computation between binary numpy arrays
10,928 numpy beginner: writing an array using numpy.savetxt
10,926 Logarithm of an array in Python
10,922 Using Numpy to find the average distance in a set of points
10,920 Multiplying column and row vectors in Numpy
10,919 How do I plot FFT in Numpy
10,919 Convert dict to array in NumPy
10,915 How to interpret `scipy.stats.kstest` and `ks_2samp` to evaluate `fit` of data to a distribution?
10,913 k-means with selected initial centers
10,913 How to find max values from multiple lists?
10,912 Shuffle a numpy array
10,906 numpy.savetxt without hash mark at beginning of header line
10,901 Cannot compare types 'ndarray(dtype=int64)' and 'str'
10,890 Pandas read csv without header (which might be there)
10,882 Creating a float64 Variable in tensorflow
10,879 How convert image to an array in python
10,872 np.exp much slower than np.e?
10,864 NumPy array slice using None
10,862 Python/Scipy Interpolation (map_coordinates)
10,862 plotting multiple histograms in grid
10,860 Efficiently processing DataFrame rows with a Python function?
10,858 Adding noise to numpy array
10,856 Scipy FFT Frequency Analysis of very noisy signal
10,854 Parameters to numpy's fromfunction
10,854 numpy difference between flat and ravel()
10,846 'numpy.float64' object is not callable
10,846 How can I remove a column from a sparse matrix efficiently?
10,842 TypeError: expected 1D vector for x
10,828 Convert python array into list of lists [duplicate]
10,827 how to draw a heart with pylab
10,826 Python: how do you store a sparse matrix using python?
10,822 Numpy quirk: Apply function to all pairs of two 1D arrays, to get one 2D array
10,822 How numpy.cov() function is implemented?
10,822 Drawing a rectangle inside a 2D numpy array
10,815 AttributeError: 'numpy.ndarray' object has no attribute 'A'
10,813 Transform an image to a bitmap
10,809 Accessing slice of 3D numpy array
10,801 numpy recfromcsv and genfromtxt skips first row of data file
10,800 Adding different sized/shaped displaced NumPy matrices
10,799 What are the downsides of convolution by FFT compared to realspace convolution?
10,798 ValueError: 'object too deep for desired array'
10,798 Pass a 2d numpy array to c using ctypes
10,790 Comparing elements of numpy arrays in python
10,789 TypeError generated when using inplace operations on numpy arrays?
10,785 Numpy array broadcasting rules
10,781 Should i switch to Python? [closed]
10,776 Interpolate/Resize 3D array
10,775 Alternative to Scipy mode function in Numpy?
10,769 Rotate a 2D image around specified origin in Python
10,769 python .T.dot() numpy syntax understanding
10,769 numpy array in array resize
10,762 Read the last N lines of a CSV file in Python with numpy / pandas
10,761 Solve a system of non-linear equations in Python (scipy.optimize.fsolve)
10,757 Calculating entropy from GLCM of an image
10,751 Create a numpy matrix with elements as a function of indices
10,748 Combining plt.plot(x,y) with plt.boxplot()
10,745 installing numpy from wheel format on windows ( not a supported wheel on this platform.)
10,741 Python removing every nth element in array
10,738 Removing rows with duplicates in a NumPy array
10,729 Passing a C++ std::Vector to numpy array in Python
10,728 Transforming a list to a column vector in Python
10,728 Multiply each column of a numpy array with each value of another array
10,724 Subsampling/averaging over a numpy array
10,720 ValueError: object too deep for desired array
10,720 parameters for low pass fir filter using scipy
10,720 fast Cartesian to Polar to Cartesian in Python
10,718 Pass tuple as input argument for scipy.optimize.curve_fit
10,717 Unable to apply methods on timestamps using Series built-ins
10,707 shape vs len for numpy array
10,701 Install ''scientific python'' environment: OS X 10.7 + Numpy + Scipy + Matplotlib
10,700 rectangular pulse train in python
10,700 Python: Numpy dtype U32 - simple if-else statement
10,699 How can I read in a binary file from hdfs into a Spark dataframe?
10,697 boolean subtract DeprecationWarning
10,696 Find large number of consecutive values fulfilling condition in a numpy array
10,695 Python Image distortion
10,688 Storing arrays in Python for loop
10,677 How to estimate density function and calculate its peaks?
10,675 MemoryError when running Numpy Meshgrid
10,667 How to group elements of a numpy array with the same value in separate numpy arrays
10,666 How to permutate tranposition in tensorflow?
10,663 How to convert python list of points to numpy image array?
10,641 Python Empirical distribution function (ecdf) implementation
10,641 How to delete specific values from numpy ndarray
10,639 Values of Variables Matrix NumPy
10,635 Uniformly distributed data in d dimensions
10,634 Efficiently Creating A Pandas DataFrame From A Numpy 3d array
10,632 how to use lists as values in pandas dataframe?
10,613 Send a multidimensional numpy array over a socket
10,612 Passing and returning numpy arrays to C++ methods via Cython
10,611 How much memory in numpy array? Is RAM a limiting factor?
10,607 Expected 2D array, got 1D array instead, Reshape Data
10,607 compute z-score with the function in scipy and numpy
10,602 Quick way to upsample numpy array by nearest neighbor tiling [duplicate]
10,600 How to do a polynomial fit with fixed points
10,598 python can't find numpy
10,587 Convert numpy array to rgb image
10,581 Flip a plot in matplotlib
10,579 Mapping functions of 2D numpy arrays
10,572 How to use a dictionary to translate/replace elements of an array? [duplicate]
10,570 Converting numpy string array to float: Bizarre?
10,567 Python: Differences between lists and numpy array of objects
10,566 Compare two numpy arrays row-wise ValueError
10,563 Numpy for Windows with python 3.6
10,560 Selecting multiple slices from a numpy array at once
10,560 Pandas Mean for Certain Column
10,560 logarithmically spaced integers
10,556 I'm getting an error <string>:149: RuntimeWarning: invalid value encountered in sqrt while generating a list
10,552 SciPy interpolation ValueError: x and y arrays must be equal in length along interpolation axis
10,548 Understanding scipy deconvolve
10,546 ''Undefined variable from import'' when importing numpy in eclipse pydev
10,546 Splines with Python (using control knots and endpoints)
10,543 numpy array to list conversion issue
10,537 find peaks location in a spectrum numpy
10,531 Writing a faster Python physics simulator
10,530 h5py: Correct way to slice array datasets
10,529 Fourier transform of a Gaussian is not a Gaussian, but thats wrong! - Python
10,507 Python scatter plot 2 dimensional array
10,507 Cython: Convert memory view to NumPy array
10,496 cannot change font to Helvetica in Matplotlib in Python on Mac OS X 10.6
10,495 Reverse diagonal on numpy python
10,484 How to use numpy arrays with fractions?
10,483 Element-wise addition of 1D and 2D numpy arrays
10,473 Numpy - ImportError: cannot import name _distributor_init
10,464 How to 'zero' out rows & columns in an array
10,464 Define dtypes in NumPy using a list?
10,463 Shuffling NumPy array along a given axis
10,462 Saving in a file an array or DataFrame together with other information
10,461 Python - Intersection of 2D Numpy Arrays
10,453 TypeError: Argument 2 must support iteration (even though it does?)
10,441 Miniconda ''installs'' numpy but Python can't import it
10,434 Can I run numpy and pandas with Jython
10,431 TypeError: Argument given by name ('k') and position (2)
10,430 Is there a numpy max min function?
10,413 Intersection of 2D numpy ndarrays
10,409 Numpy vs mldivide,''\'' matlab operator
10,407 Pycharm cannot import numpy
10,407 Convert black and white array into an image in python?
10,406 Pickling large NumPy array
10,395 python+numpy: why does numpy.log throw an attribute error if its operand is too big?
10,394 loading an image from cifar-10 dataset
10,387 Accessing NumPy array elements not in a given index list
10,380 Plotting a numpy array as a histogram
10,379 How to generate noise in frequency range with numpy?
10,377 ValueError: zero-dimensional arrays cannot be concatenated
10,374 How can I calculate the nearest positive semi-definite matrix?
10,373 Taking np.average while ignoring NaN's?
10,362 How to put a datetime value into a numpy array?
10,359 python tilde unary operator as negation numpy bool array
10,359 how to sum over certain row of a data frame in Python
10,350 Draw multiple samples using numpy.random.multivariate_normal(mean, cov[, size])
10,346 Fast Way to slice image into overlapping patches and merge patches to image
10,345 Put a 2d Array into a Pandas Series
10,339 Numpy array of random matrices
10,335 Installing Anaconda Python, pyhdf, and netcdf4 for windows 64 bit
10,335 How to traverse a list in reverse order in Python (index-style: ' ... in range( ... )' only)
10,334 Why is numpy's einsum faster than numpy's built in functions?
10,334 How can I get the product of all elements in a one dimensional numpy array
10,328 Delete an image in OpenCV using Python
10,328 Comparing two numpy arrays to each other
10,323 Python Pylab pcolor options for publication quality plots
10,321 Numpy Indexing: Return the rest
10,320 Numpy Ceil and Floor ''out'' Argument
10,319 Python: data argument can't be an iterator
10,318 ImportError: No module named numpy.distutils.core (Ubuntu xgboost installation)
10,315 Overflow / math range error for log or exp
10,312 Finding polynomial roots using Python - Possible Numpy Extension Bug
10,310 Uninstallation issues in python numpy
10,310 numpy 'module' object has no attribute 'stack'
10,310 Efficiently rotate a set of points with a rotation matrix in numpy
10,309 Drawing a bootstrap sample from a pandas.DataFrame
10,303 Numpy equivalent of itertools.product [duplicate]
10,303 Can't get attribute 'abc' on <module '__main__' from 'abc_h.py'>
10,301 Test if two numpy arrays are (close to) equal, including shape
10,295 ValueError: unknown is not supported in sklearn.RFECV
10,288 Converting list of Arrays to list of Lists?
10,285 Delaunay Triangulation of points from 2D surface in 3D with python?
10,282 Smooth spline representation of an arbitrary contour, f(length) --> x,y
10,277 Coefficient of Variation and NumPy
10,275 Install Python 2.7.9 over 2.7.6
10,270 Running maximum of numpy array values
10,270 pandas.DataFrame.describe() vs numpy.percentile() NaN handling
10,269 C array to PyArray
10,263 Python Numpy mask NaN not working
10,263 Invert 0 and 1 in a binary array
10,261 Python web hosting: Numpy, Matplotlib, Scientific Computing
10,260 Python : RuntimeWarning: overflow encountered
10,256 Lorentzian scipy.optimize.leastsq fit to data fails
10,251 Count number of elements in numpy ndarray
10,250 How do I generate Log Uniform Distribution in Python?
10,248 numpy rollaxis - how exactly does it work?
10,244 How to plot specific points in array with matplotlib?
10,241 How to speed-up python nested loop?
10,239 What is the role of keepdims in Numpy (Python)?
10,239 How to convert a list of strings into a tensor in pytorch?
10,228 Python ValueError: non-broadcastable output operand with shape (124,1) doesn't match the broadcast shape (124,13)
10,228 Python pairwise comparison of elements in a array or list
10,227 Python creating a smaller sub-array from a larger 2D NumPy array?
10,226 numpy array indexing says out of range
10,225 wrapping around slices in Python / numpy
10,223 square root of sum of square of columns in multidimensional array
10,223 Memory Efficient L2 norm using Python broadcasting
10,222 How to count the frequency of an element in an ndarray
10,221 Python3 - ModuleNotFoundError: No module named 'numpy'
10,214 Import Error: no module named numpy (numpy already installed)
10,211 Python - ValueError: invalid literal for float():
10,208 Missing Dependencies Installing NumPy 1.9 for Python 3.4.1 32-bit on Windows 7
10,199 On fitting a curved line to a dataset in Python
10,199 counting the number of non-zero numbers in a column of a df in pandas/python
10,196 Sort a numpy array by another array, along a particular axis
10,196 numpy array print index of certain value
10,195 Load just part of an image in python
10,192 Pandas, groupby and finding maximum in groups, returning value and count
10,186 Get derivative of data in python
10,184 How to add equation of a line onto a plot in python
10,174 change data type of a array in python
10,173 Runtime Warning overflow encountered in ubyte_scalars
10,167 VisibleDeprecationWarning: boolean index did not match indexed array along dimension 1; dimension is 2 but corresponding boolean dimension is 1
10,167 Keras - .flow_from_directory(directory)
10,166 Pythonic way to select elements of an array based on values?
10,165 Iterating two arrays, without nditer, in numpy?
10,165 interpolation with matplotlib pcolor
10,164 How to create a legend for 3D bar in matplotlib?
10,162 numpy 3D-image array to 2D
10,161 Fast way to Hash Numpy objects for Caching
10,160 Visualize 3x3 numpy array and save it as new array of shape: 400x600
10,158 Finding the index of an element in nested lists in python
10,154 Numpy zip function
10,142 Matlab vs Python: Reshape
10,142 How do you interpolate from an array containing datetime objects?
10,141 Using Python and Numpy to blend 2 images into 1
10,137 Saving Numpy Structure Array to *.mat file
10,136 Broadcasting a python function on to numpy arrays
10,131 Unpacking tuples/arrays/lists as indices for Numpy Arrays
10,120 how can I calc pow of fractions or nth root square in numpy?
10,117 Intersect two boolean arrays for True
10,113 tensorflow beginner tutorial - read_data_sets fails
10,113 Print two arrays side by side using numpy
10,110 ''Cannot convert a ndarray into a Tensor or Operation.'' error when trying to fetch a value from session.run in tensorflow
10,109 Saving List of Numpy 2D arrays using numpy.save (the arrays together are jagged)
10,105 How to compute cluster assignments from linkage/distance matrices in scipy in Python?
10,102 basemap ImportError: No module named 'mpl_toolkits.basemap'
10,101 numpy generate data from linear function
10,097 Best approach to query SQL server for numpy
10,088 Numpy: how to assign values to individual elements of multidimensional arrays?
10,075 How can I efficiently transform a numpy.int8 array in-place to a value-shifted numpy.uint8 array?
10,073 What is the difference between numpy.linalg.lstsq and scipy.linalg.lstsq?
10,071 python pandas data frame if else without iterating thought data frame
10,068 Python NumPy - FFT and Inverse FFT?
10,061 Creating numpy linspace out of datetime
10,059 Declaring 2D numpy array with unknown size [closed]
10,057 Dihedral/Torsion Angle From Four Points in Cartesian Coordinates in Python
10,056 create cosine similarity matrix numpy
10,049 Numpy pcolormesh: TypeError: Dimensions of C are incompatible with X and/or Y
10,039 image information along a polar coordinate system
10,038 numpy OpenBLAS set maximum number of threads
10,036 Creating Spark dataframe from numpy matrix
10,031 Can you use if-else statement inside braces for an array in Python?
10,028 Visualising 10 dimensional data with matplotlib
10,028 How to use least squares with weight matrix?
10,028 How do you unroll a Numpy array of (mxn) dimentions into a single vector
10,019 AttributeError: 'module' object has no attribute 'percentile'
10,015 Add slider to matplotlib chart
10,005 Automatic White Balancing with Grayworld assumption
10,004 Using Numpy with pypy
10,001 Linear index upper triangular matrix
9,998 Jupyter Notebook - ModuleNotFoundError [duplicate]
9,995 Why is numpy/pandas parsing of a csv file with long lines so slow?
9,994 Python Joint Distribution of N Variables
9,991 Can i put a color changer in a loop?
9,988 Scipy interpolation how to resize/resample 3x3 matrix to 5x5?
9,986 Multiple versions of python when installing a package with aptitude
9,985 How do I 'force' python to use a specific version of a module?
9,982 How to install external libraries with Portable Python?
9,975 np.random.permutation with seed?
9,973 how to get the memory address of a numpy array for C
9,969 How to find all neighbors of a given point in a delaunay triangulation using scipy.spatial.Delaunay?
9,965 how to multiply pandas dataframe with numpy array with broadcasting
9,954 Modifying axes on matplotlib colorbar plot of 2D array
9,950 stratified sampling in numpy
9,945 Find Arc/Circle equation given three points in space (3D)
9,942 np.zeros(dim,1) giving datatype not understood
9,940 Numpy compare 2 array shape, if different, append 0 to match shape
9,934 Numpy: sort by key function
9,932 How to create space between subplots?
9,928 savetxt two columns in python,numpy
9,927 How to create numpy structured array with multiple fields of different shape?
9,926 Installing numpy for Sublime Text 3
9,924 Using reshape in Python to reshape an array
9,920 Finding roots with scipy.optimize.root
9,915 What is numpy method int0?
9,913 Python histogram with points and error bars
9,912 Units of frequency when using FFT in NumPy
9,905 Fastest way to load numeric data into python/pandas/numpy array from MySQL
9,902 Add values to one column of a pandas dataframe based on the values in another
9,897 Find the set difference between two large arrays (matrices) in Python
9,896 Multiple Pieces in a numpy.piecewise
9,895 Index the middle of a numpy array?
9,894 Creating cx_Freeze exe with Numpy for Python
9,892 creating a numpy vector using 3 components
9,884 line smoothing algorithm in python?
9,878 Get the column names of a python numpy array
9,877 How to install packages/modules in IronPython
9,867 'Cannot access callable attribute 'sort_values' of 'DataFrameGroupBy' objects, try using the 'apply' method'
9,866 How to import NumPy as a module into Eclipse (PyDev)
9,861 Working with time, date, timedelta
9,860 Compile Matplotlib for Python on Snow Leopard
9,859 skewing or shearing an image in python
9,858 numpy.isnan(value) not the same as value == numpy.nan?
9,857 getting seconds from numpy timedelta64
9,856 Finding indices of values in 2D numpy array
9,854 Interpolation in SciPy: Finding X that produces Y
9,847 matlab isempty() function in numpy?
9,847 elegant way of convert a numpy array containing datetime.timedelta into seconds in python 2.7
9,845 Extract string from cell in Pandas dataframe
9,843 Normal equation and Numpy 'least-squares', 'solve' methods difference in regression?
9,839 Python alternative for calculating pairwise distance between two sets of 2d points [duplicate]
9,835 ''ValueError: could not convert string to float'' error in scikit-learn
9,834 Iterate over a numpy Matrix rows
9,831 logarithmic scale in Python
9,823 k-fold Cross Validation for determining k in k-means?
9,819 Vectorized matrix manhattan distance in numpy
9,819 Calculate Signal to Noise ratio in python scipy version 1.1
9,813 Index multiple, non-adjacent ranges in numpy
9,808 histogram of gray scale values in numpy image
9,805 Numpy isfinite typeerror
9,801 Can I run Numpy (or other Python packages) on Android? [duplicate]
9,800 Multiprocessing scikit-learn
9,796 How to get only odd numbers in array and square them using numpy for python?
9,791 How to transpose a 3D matrix?
9,789 NumPy: difference between linalg.eig() and linalg.eigh()
9,780 np.full(size, 0) vs. np.zeros(size) vs. np.empty()
9,780 Comparing Arrays for Accuracy
9,775 Find unique elements of floating point array in numpy (with comparison using a delta value)
9,772 Creating numpy array from dict
9,761 hierarchical clustering on correlations in Python scipy/numpy?
9,756 Plotting numpy array using Seaborn
9,751 Make the matrix multiplication operator @ work for scalars in numpy
9,750 How to assign scipy.sparse matrix to NumPy array via indexing?
9,745 ROC curve for binary classification in python
9,742 How to set the axis limit in a matplotlib plt.polar plot
9,732 Slicing a numpy image array into blocks
9,731 How can numpy be so much faster than my Fortran routine?
9,723 Is there a numpy function that allows you to specify start, step, and number?
9,718 Pandas: How to create a datetime object from Week and Year?
9,713 Can I rename fields in a numpy record array
9,707 Selecting elements in numpy array using regular expressions
9,707 How to install PIL (or any module really) to the raspberry pi?
9,703 Pandas map column in place
9,700 Can i set float128 as the standard float-array in numpy
9,696 python numpy arange unexpected results
9,695 Numpy, dot products on multidimensional arrays
9,690 Remove numpy installed using pip on OS X
9,690 How can I apply a matrix transform to each row of a NumPy array efficiently?
9,689 AttributeError: 'list' object has no attribute 'reshape'
9,687 Compare list of datetimes with datetime in Python
9,684 Difference(s) between scipy.stats.linregress, numpy.polynomial.polynomial.polyfit and statsmodels.api.OLS
9,681 Numpy only integer scalar arrays can be converted to a scalar index - Upgrading to 3.6
9,673 PyQt5 QImage from Numpy Array
9,673 How to check if an array is 2D
9,671 concatenate numpy string array along an axis?
9,669 Why does installing matplotlib for Python v3.4 fail on Windows 7 (x64)?
9,668 How to turn numpy array image to bytes?
9,666 HSV2BGR conversion fails in Python OpenCV script
9,657 When saving a pandas dataframe to csv how do I retain the columns.name?
9,651 Unable to run logistic regression due to ''perfect separation error''
9,649 More idiomatic way to display images in a grid with numpy
9,645 Error trying to install Numpy
9,641 Matplotlib: Import Error no module named _path
9,630 Random Number from Histogram
9,629 Object of type 'ndarray' is not JSON serializable
9,629 matplotlib problems plotting logged data and setting its x/y bounds
9,621 Matlab equivalent of Numpy broadcasting?
9,618 python valueError using hstack() (ValueError: all the input array dimensions except for the concatenation axis must match exactly)
9,615 Pytorch: Can't call numpy() on Variable that requires grad. Use var.detach().numpy() instead
9,615 numpy: ''size'' vs. ''shape'' in function arguments?
9,612 How to disregard the NaN data point in numpy array and generate the normalized data in Python?
9,611 How to replace values in a numpy array based on another column?
9,611 Converting Numpy Lstsq residual value to R^2
9,605 Autocorrelation of a multidimensional array in numpy
9,602 ''R6034 An application has made an attempt to load the C runtime library incorrectly'' after pygtk being installed
9,601 How to manipulate the data after numpy.loadtxt?
9,599 pandas Series' object has no attribute 'find'
9,590 How to plot a probability mass function in python
9,589 Get the number of nonzero elements in a numpy array?
9,586 setting up numpy/scipy in idle
9,578 interpolate missing values 2d python
9,577 Swap slices of Numpy arrays
9,577 Simple question: In numpy how do you make a multidimensional array of arrays?
9,575 Print numpy array without ellipsis
9,574 Spark fastest way for creating RDD of numpy arrays
9,573 Numpy genfromtxt Column Names
9,571 python numpy sort eigenvalues
9,570 Convert a matrix of pixels to an image python
9,561 weighted moving average with numpy.convolve
9,555 Creating a 4d matrix full of zeros in python, numpy
9,553 Regridding regular netcdf data
9,549 Assign values to different index positions in Numpy array
9,544 PCA with missing values in Python
9,538 Supplying NumPy site.cfg arguments to pip
9,538 How to increase Jupyter notebook Memory limit?
9,532 How to use `numpy.savez` in a loop for save more than one array?
9,532 Dot product sparse matrices
9,528 How to find error on slope and intercept using numpy.polyfit
9,527 How to install OpenCV for Python 3.x on Windows 8.1?
9,522 PCA of RGB Image
9,518 finding element of numpy array that satisfies condition
9,514 python how to plot classification data
9,503 TypeError: can’t convert CUDA tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first
9,502 Write array to text file
9,493 Convert integer to binary array with suitable padding
9,491 How to decide a whether a matrix is singular in python-numpy? [duplicate]
9,486 How to change the linewidth of hatch in matplotlib?
9,485 Installing Matplotlib in Windows 10 64bits
9,483 sharpen image to detect edges/lines in a stamped ''X'' object on paper
9,477 Is there a way to convert pyplot.imshow() object to numpy array?
9,469 How do I use Numpy in Python IDLE?
9,468 How to fix ''ValueError: need at least one array to concatenate'' error
9,465 Python - Alternative for using numpy array as key in dictionary
9,461 Numpy - normalize RGB pixel array
9,457 Dropping multiple Pandas columns by Index
9,455 Implement MATLAB's im2col 'sliding' in Python
9,452 Peak Detection in Python: How does the scipy.signal.find_peaks_cwt function work?
9,446 How to compute Dot product between very large scipy sparse matrix
9,446 Converting a 2D numpy array to dataframe rows
9,445 How to convert the dataframe to array in python? [duplicate]
9,443 Display numpy array in a for loop using matplotlib imshow
9,440 How is a Pandas crosstab different from a Pandas pivot_table?
9,440 Creating an array of images in python \ openCV \ numpy
9,437 Different std in pandas vs numpy
9,435 How to pass OpenCV image to Tesseract in python?
9,432 concat pandas DataFrame along timeseries indexes
9,422 Numpy Matrix Subtraction Confusion
9,417 imshow for 3D? (Python / Matplotlib) [closed]
9,416 Efficient way to partially read large numpy file?
9,414 Fitting a straight line to a log-log curve in matplotlib
9,410 Passing a numpy array to C++
9,409 Make sure numpy is using MKL library on mac pro
9,403 Numpy Array summing with weights
9,403 How to use PIL paste with mask?
9,402 In python plots, what does ''1e8'' mean in reference to the y-axis?
9,398 How to keep column names when converting from pandas to numpy
9,386 Explain the speed difference between numpy's vectorized function application VS python's for loop
9,378 How to save numpy array of Strings (with commas) to CSV?
9,376 Numpy: get 1D array as 2D array without reshape
9,373 Concatenate several np arrays in python
9,370 solving Ax =b for a non-square matrix A using python
9,362 Installing Python modules on OSX using easy_install or setup.py install
9,357 Surface Curvature Matlab equivalent in Python
9,352 matplotlib boxplot color
9,351 Py2Exe, [Errno 2] No such file or directory: 'numpy-atlas.dll'
9,351 How can I initialize an empty Numpy array with a given number of dimensions?
9,345 /usr/bin/python vs /opt/local/bin/python2.7 on OS X
9,345 Create random numpy matrix of same size as another.
9,338 SparseVector to DenseVector conversion in Pyspark
9,336 Have numpy argsort return an array of 2d indices?
9,336 Getting the indices of several elements in a NumPy array at once
9,330 NameError: name 'x_train' is not defined
9,325 Cython: Buffer type mismatch, expected 'int' but got 'long'
9,321 Using Numpy stride_tricks to get non-overlapping array blocks
9,321 Pythonic way to convert a dictionary to a numpy array
9,319 Error in creating LMDB database file in Python for Caffe
9,315 Generating 3D Gaussian distribution in Python
9,302 Pythonic way to populate numpy array
9,297 How to add random noise to a signal using NumPy?
9,293 How to forecast in python using machine learning , from a given set of geographical data?
9,283 XGBoost and sparse matrix
9,282 Axes3d vs axes3d matplotlib
9,280 What kind of number 9.00000000e-01 is?
9,280 How much memory is used by a numpy ndarray?
9,279 Is numpy.linalg.inv() giving the correct matrix inverse? EDIT: Why does inv() gives numerical errors?
9,274 read big image file as an array in python
9,263 How to create a numpy record array?
9,257 Getting Memory Error when trying to plot large array with matplotlib
9,254 Set values in numpy array to NaN by index
9,254 imwrite 16 bit png depth image
9,251 imresize in PIL/scipy.misc only works for uint8 images? any alternatives?
9,249 TypeError: src is not a numpy array, neither a scalar What is wrong in my code?
9,248 ValueError: zero-size array to reduction operation minimum which has no identity
9,245 Build in function for computing covariance
9,244 Numpy argmax - random tie breaking
9,241 matlab ismember function in python
9,234 PSD of signal in numpy and how to scale it
9,232 Finding the minimum value in a numpy array and the corresponding values for the rest of that array's row
9,231 Numpy Two-Dimensional Moving Average
9,230 ValueError resizing an ndarray
9,221 Methods for quickly calculating standard deviation of large number set in Numpy
9,218 How to print numpy objects without line breaks
9,216 Is there a numpy/scipy dot product, calculating only the diagonal entries of the result?
9,216 Calculating bounding box of numpy array
9,201 more efficient way to pickle a string
9,200 Slicing a numpy array along a dynamically specified axis
9,200 Converting pandas.DataFrame to bytes
9,195 ufunc 'subtract' did not contain a loop with signature matching types
9,195 FFT normalization with numpy
9,195 Divide by zero encountered in double_scalars
9,190 inequality comparison of numpy array with nan to a scalar
9,182 python - simple way to join 2 arrays/lists based on common values
9,179 Attribute error float object has no attribute 'append'
9,177 Using Numpy arrays as lookup tables
9,175 Calculating cosine distance between the rows of matrix
9,166 How to convert a pytorch tensor into a numpy array?
9,160 ''Invalid parameter type'' (numpy.int64) when inserting rows with executemany()
9,157 Numpy 2D array to Table
9,157 Array division- translating from MATLAB to Python
9,151 'numpy.ndarray' object has no attribute 'imshow'
9,148 Saving a numpy array with mixed data
9,147 How to read realtime microphone audio volume in python and ffmpeg or similar
9,146 how to get rid of error '''float' object has no attribute 'exp'''?
9,141 An efficient way to calculate the mean of each column or row of non-zero elements
9,136 Numpy: Replace random elements in an array
9,127 Valid parameters for astype in NumPy
9,122 How to use two condition in np.where
9,119 Remove points which contains pixels fewer than (N)
9,116 Running python script with Numpy and OpenCV on Android
9,116 Find and draw regression plane to a set of points
9,115 generate N random numbers from a skew normal distribution using numpy
9,110 ValueError: can only convert an array of size 1 to a Python scalar for Numpy Select
9,108 Efficiently get indices of histogram bins in Python
9,106 Best way to interpolate a numpy.ndarray along an axis
9,104 Python NumPy Arrays
9,103 The Assignment Problem, a NumPy function?
9,101 RuntimeWarning: invalid value encountered in reduce
9,100 filtering numpy matrix on a column
9,099 The difference of pseudo-inverse between SciPy and Numpy
9,096 Plot a histogram without the zero values in python?
9,094 C++ conversion from NumPy array to Mat (OpenCV)
9,093 How to append a tuple to a numpy array without it being preformed element-wise?
9,091 How to create pandas dataframes with more than 2 dimensions?
9,086 Count consecutive occurences of values varying in length in a numpy array
9,084 Opencv integration with wxpython
9,080 How to calculate the standard deviation from a histogram? (Python, Matplotlib)
9,077 numpy matrix multiplication shapes [duplicate]
9,075 Is Python's epsilon value correct?
9,070 What is the pandas.Panel deprecation warning actually recommending?
9,068 Matplotlib requirements with pip install in virtualenv
9,064 Simultaneously diagonalize matrices with numpy
9,062 How to take the ln of a function in python?
9,052 Add column to a sparse matrix
9,047 importing numpy in hackerrank competitions
9,047 difference between n and size parameters in np.random.binomial(n,p, size = 1000)
9,044 Numpy array loss of dimension when masking
9,043 Scipy installation issue, getting ImportError: libopenblas.so.0: cannot open shared object file or directory
9,043 Multiple Linear Regression Model by using Tensorflow
9,038 Creating a dynamic array using numpy in python
9,030 NumPy 1.8.0 for Python 3.3.3 Windows
9,024 Convert a black and white image to array of numbers?
9,021 Numpy array modifying multiple elements at once
9,019 Tensor multiplication in Tensorflow
9,018 numpy.meshgrid explanation
9,014 numpy.polyfit doesn't handle NaN values
9,014 Calculating covariance matrix - difference between numpy.cov and numpy.dot?
9,010 python linspace in c++
9,001 Numba code slower than pure python
9,000 create a meshgrid for polar coordinates
8,998 Python random sample of two arrays, but matching indices
8,991 How to add a row or column to a matrix in Python numpy [duplicate]
8,990 Pandas rolling regression: alternatives to looping
8,988 Fill in missing values with nearest neighbour in Python numpy masked arrays?
8,985 Difference between numpy.dot and a.dot(b)
8,985 Cython inline function with numpy array as parameter
8,983 Resize image with skimage library without stretching
8,980 problem plotting on logscale in matplotlib in python
8,978 Plotting log-binned network degree distributions
8,977 Fastest way to fill numpy array with random numbers
8,977 3D Convolutional Neural Network input shape
8,974 Python NUMPY HUGE Matrices multiplication
8,972 how to create a group ID based on 5 minutes interval in pandas timeseries?
8,972 Efficiently check if numpy ndarray values are strictly increasing
8,970 PHP script can't get output from Python script
8,963 Loading UTF-8 file in Python 3 using numpy.genfromtxt
8,960 Installing pandas in docker Alpine
8,956 How to efficiently create a sparse vector in python?
8,954 How to insert arrays into a database?
8,952 Writing to numpy array from dictionary
8,951 Find last value in numpy array
8,948 Python How to find average of columns using dataframes apply method
8,948 Matplotlib Scatter - ValueError: RGBA sequence should have length 3 or 4
8,947 Python ValueError: operands could not be broadcast together with shapes
8,946 Python eigenvectors: differences among numpy.linalg, scipy.linalg and scipy.sparse.linalg
8,944 Forming numpy array from array buffer from shared memory (multiprocessing) fails
8,944 counting the unique items in a numpy array: why is scipy.stats.itemfreq so slow?
8,935 ValueError: operands could not be broadcast together with shapes - inverse_transform- Python
8,935 ValueError: could not convert string to float, Python
8,935 numpy ndarray with more that 32 dimensions
8,932 Find a value from x axis that correspond to y axis in matplotlib python
8,931 Turn dictionary of lists into a 1D numpy array
8,931 Binning frequency distribution in Python
8,926 How to write a function to process arrays as input element by element and returns array
8,922 Form a big 2d array from multiple smaller 2d arrays
8,921 Subtracting numpy arrays of different shape efficiently
8,920 How to hash a large object (dataset) in Python?
8,914 Plot sklearn LinearRegression output with matplotlib
8,914 how to pass numpy array to Cython function correctly?
8,913 Numpy: Filtering rows by multiple conditions?
8,911 Python: Making numpy default to float32
8,904 AttributeError in python/numpy when constructing function for certain values
8,895 python pandas custom agg function
8,895 Appending array rows to .txt file in Python 3
8,890 PyArray_SimpleNewFromData example
8,887 numpy.savetxt into a different directory?
8,886 Pickle figures from matplotlib
8,886 How do you 'remove' a numpy array from a list of numpy arrays?
8,885 Python: sorting an array with NaNs
8,883 Use Python package installed with apk in Alpine Linux
8,883 Check if numpy array is in list of numpy arrays
8,880 numpy 1.9.0: ValueError: probabilities do not sum to 1
8,875 Python: universal import
8,875 Is there a way to efficiently invert an array of matrices with numpy?
8,871 Keras Convolution2D Input: Error when checking model input: expected convolution2d_input_1 to have shape
8,870 Rainflow counting algorithm [closed]
8,868 Python interp1d vs. UnivariateSpline
8,867 cvtcolor in Cv2 - no attribute
8,865 Convert 3d Numpy array to 2d
8,864 python: OpenCV depth of image unsupported (CV_64F)
8,857 Numpy genfromtxt - column names
8,850 Groupby in python pandas: Fast Way
8,850 Fast interpolation over 3D array
8,845 concatenating arrays in python like matlab without knowing the size of the output array
8,844 indexing numpy array with logical operator
8,844 How to test if all rows are equal in a numpy
8,843 How to find peaks in 1d array
8,842 Log log plot linear regression
8,842 how to convert numpy array into tuple
8,833 quickly summing numpy arrays element-wise
8,832 Python has stopped working
8,825 Python numpy subtraction no negative numbers (4-6 gives 254)
8,824 Stochastic gradient descent implementation with Python's numpy
8,824 A loopless 3D matrix multiplication in python
8,818 Getting around, numpy objects mismatch error in python
8,817 Numpy - Transformations between coordinate systems
8,816 Difference between numpy.logical_and and &
8,815 NumPy PolyFit and PolyVal in Multiple Dimensions?
8,808 How to generate random pairs of numbers in Python, including pairs with one entry being the same and excluding pairs with both entries being the same?
8,808 Best way to join / merge by range in pandas
8,797 How does the numpy.resize and numpy.reshape function works internally in python ?
8,794 How to convert a list of strings into a numeric numpy array?
8,792 scipy.optimize.fmin with 2 variables. How to make it work
8,784 Reshaping an array to 2-D by specifying only the column size
8,778 Resize a batch of images in numpy
8,777 How to remove Outliers in Python?
8,776 numpy positive semi-definite warning
8,775 Python Pandas: Find the maximum for each row in a dataframe column containing a numpy array
8,775 numpy - resize array filling with 0
8,774 how to handle an asymptote/discontinuity with Matplotlib
8,758 Chi square numpy.polyfit (numpy)
8,757 How to read/extract climate model data in .asc file format by using Python?
8,756 How to create a neural network for regression?
8,754 How to fixed ''polyfit maybe poorly conditioned'' in numpy?
8,749 Reading ALL variables in a .mat file with python h5py
8,745 How to handle an np.RankWarning in numpy?
8,744 TensorFlow You must feed a value for placeholder tensor 'Placeholder_2' with dtype float
8,743 Statsmodels: Calculate fitted values and R squared
8,738 Find the closest elements above and below a given number
8,736 Converting a list of strings in a numpy array in a faster way
8,736 Calculating variance image python
8,729 Sum rows where value equal in column
8,729 Gauss(-Legendre) quadrature in python
8,725 How to use Python multiprocessing Pool.map to fill numpy array in a for loop
8,722 Pandas Efficient VWAP Calculation
8,717 Rotation of colorbar tick labels in matplotlib
8,717 Handling very large netCDF files in python
8,716 Converting 32-bit integer into array of four 8-bit integers in Python
8,707 How can I ignore zeros when I take the median on columns of an array?
8,707 Building a huge numpy array using pytables
8,703 Mathematical rectangle function Python
8,701 Interpolating a numpy array to fit another array
8,697 Pandas: why pandas.Series.std() is different from numpy.std()
8,696 Convert int64 to uint64
8,695 How to find and uninstall the numpy duplicate versions
8,694 Error because of Theano and NumPy variable types
8,693 Python: Matplotlib - probability plot for several data set
8,692 Python: Fastest Way to compare arrays elementwise
8,691 Fitting an ellipse to a set of data points in python
8,690 Load txt file into numpy array
8,689 How to get n x n covariance matrix for n arrays in Python?
8,687 Initialize Multiple Numpy Arrays (Multiple Assignment) - Like MATLAB deal()
8,683 Scipy, differential evolution
8,678 Spyder / iPython inline plot figure size
8,678 Python numpy filter two-dimensional array by condition
8,674 Pandas: How to make apply on dataframe faster?
8,672 numpy.argmax: how to get the index corresponding to the *last* occurrence, in case of multiple occurrences of the maximum values
8,663 PCA inverse transform manually
8,661 How to add element to matrix?
8,660 AttributeError: 'numpy.ndarray' object has no attribute '_hold'
8,658 How to split strings inside a numpy array?
8,653 What is the difference between import numpy and import math [duplicate]
8,651 Making a numpy ndarray matrix symmetric
8,649 Finding missing values in a numpy array
8,640 Installing Matplotlib, Numpy, Pylab, Etc on Mac
8,640 Failed to find data adapter that can handle input: <class 'numpy.ndarray'>, (<class 'list'> containing values of types {''<class 'int'>''})
8,639 What is the best way to compute the trace of a matrix product in numpy?
8,636 How to select all non-black pixels in a NumPy array?
8,636 Elementwise multiplication of several arrays in Python Numpy
8,629 MemoryError: Unable to allocate array with shape and data type object
8,619 Procrustes Analysis with NumPy?
8,619 'numpy.float64' object does not support item assignment
8,619 How do you deal with missing data using numpy/scipy?
8,617 python append two matrix side by side [duplicate]
8,606 Convert probability vector into target vector in python?
8,605 Save numpy array to CSV without scientific notation
8,599 convert images from [-1; 1] to [0; 255]
8,598 Setting values of an array to -inf in Python with scipy/numpy
8,597 Comparing pandas Series for equality when they contain nan?
8,596 2d hsv color space in matplotlib
8,592 how to use Numpy.polyfit to plot trend
8,592 Estimate formants using LPC in Python
8,587 trying to get reasonable values from scipy powerlaw fit
8,586 Dot product along third axis
8,585 Sort data before using numpy.median
8,584 Subtract a Series from a DataFrame while keeping the DataFrame struct intact
8,578 Convert Numpy array of ASCII codes to string
8,576 Numpy mask to count number of elements satisfying a condition
8,574 how to create similarity matrix in numpy python?
8,574 How to convert Numpy Array to Python Dictionary with Sequential Keys?
8,568 Performant cartesian product (CROSS JOIN) with pandas
8,568 opencv python merge different channel images into one
8,568 numpy python 3.4.1 : Python 3.4 not found in registry
8,555 Logarithmic interpolation in python
8,552 6th degree curve fitting with numpy/scipy
8,551 Forced conversion of non-numeric numpy arrays with NAN replacement
8,550 Why is numpy.random.choice so slow?
8,548 Python - numpy mgrid and reshape
8,548 find function matlab in numpy/scipy
8,545 Replacing nan with 0 error:nan not supported for input type
8,543 Unable to import python modules (numpy, scipy, matplotlib)
8,543 Python- list with arrays shape issues
8,541 Why do numpy array arr2d[:, :1] and arr2d[:, 0] produce different results?
8,541 Creating a nifti file from a numpy array
8,537 No speed gains from Cython
8,537 How to get time/freq from FFT in Python
8,537 Get lag with cross-correlation?
8,533 Peak detection in a noisy 2d array
8,533 Installing NumPy using Pip on Windows
8,528 how to copy only upper triangular values into array from numpy.triu()?
8,528 Adding a field to a structured numpy array
8,527 NumPy or SciPy to calculate weighted median
8,527 How to use numpy.random.choice in a list of tuples?
8,523 How to invert a permutation array in numpy
8,513 PyAudio, how to tell frequency and amplitude while recording?
8,513 How can I make use of intel-mkl with tensorflow
8,507 returning numpy arrays via pybind11
8,488 Apply function to sets of columns in pandas, 'looping' over entire data frame column-wise
8,484 How can I use numpy to create a diagonal matrix from a 1d array?
8,479 undo or reverse argsort(), python
8,469 how to (simply) build a integer and float mixed numpy array
8,465 scipy.stats seed?
8,465 Memory Error when calculating pairwise distances in scipy
8,462 Numpy bincount() with floats
8,461 Round in numpy to Nearest Step
8,460 What is the difference between skew and kurtosis functions in pandas vs. scipy?
8,459 convert string representation of array to numpy array in python
8,456 How can I use melt() to reshape a pandas DataFrame to a list, creating an index from a crosstab column and creating a new variable in its place?
8,452 Using old version of numpy even with a newer version installed
8,451 formatted string of series of numpy array elements
8,447 How to extrapolate curves in Python?
8,447 efficient loop over numpy array
8,446 How to fit a double Gaussian distribution in Python?
8,443 Numpy array integer / float division [duplicate]
8,442 Python and Pandas - Moving Average Crossover
8,441 How do I decide which way to backtrack in the Smith–Waterman algorithm?
8,439 numpy, how to generate a normally distributed set of integers
8,438 ValueError: view limit minimum -36761.69947916667 is less than 1 and is an invalid Matplotlib date value.
8,437 How to check the channel order of an image?
8,437 How do numpy's in-place operations (e.g. `+=`) work?
8,436 Using scipy to minimize a function that also takes non variational parameters
8,436 Numpy - slicing 2d row or column vector from array
8,435 Numpy log10 function: AttributeError: 'float' object has no attribute 'log10'
8,434 Library in python for neural networks to plot ROC, AUC, DET [closed]
8,432 Python how to assign values to a certain row of a matrix?
8,431 find the index of a boolean array whose values are true
8,426 Visible Deprecation warning ... ?
8,426 Generating gradient map of 2D array
8,425 Remove range of columns in numpy array
8,424 NumPy - Efficient conversion from tuple to array?
8,423 ValueError when using scipy least_squares
8,422 Python/Pandas - creating new variable based on several variables and if/elif/else function
8,422 Computing Euclidean distance for numpy in python
8,419 How to flatten axes of a multidimensional array without making copies in NumPy?
8,419 GradientBoostingClassifier with a BaseEstimator in scikit-learn?
8,416 Convert list of datestrings to datetime very slow with Python strptime
8,414 Tensorflow predicts always the same result
8,414 taking log of very small values using numpy/scipy in Python
8,414 AttributeError: 'numpy.int64' object has no attribute 'to_timestamp'
8,410 How do I slice a numpy array to get both the first and last two rows
8,408 Matrix Mirroring in python
8,408 Fit a curve using matplotlib on loglog scale
8,404 cmap.set_bad() not showing any effect with pcolor()
8,401 np.random.choice: probabilities do not sum to 1
8,398 TypeError: %d format: a number is required, not numpy.float64
8,397 Create sine wave and sample it in python
8,391 scipy and numpy install on linux without root
8,391 python - cannot make corr work
8,391 percentile rank in pandas in groups
8,391 After division by 0, replace NaN with 0 in numpy arrays
8,389 Writing a large hdf5 dataset using h5py
8,387 python/pandas:need help adding double quotes to columns
8,386 ValueError while using Scikit learn. Number of features of model don't match that of input
8,385 Fill the missing date values in a Pandas Dataframe column
8,383 Average of a numpy array returns NaN
8,380 Show an array in format of scientific notation
8,373 Get count of all unique rows in pandas dataframe
8,372 Can I generate an array with both negative and positive numbers and specify the limits and the dimension of this array?
8,367 Numpy Installation on Mac 10.8.2
8,366 mask a 2D numpy array based on values in one column
8,365 Is there a tensorflow equivalent to np.empty?
8,364 VTK to Matplotlib using Numpy
8,356 Pandas read data without header or index
8,347 How to generate equispaced interpolating values
8,344 contour plot of 2D array in matplotlib
8,344 Can numpy bincount work with 2D arrays?
8,340 Numpy loading csv TOO slow compared to Matlab
8,334 AttributeError: 'module' object has no attribute 'lowercase'
8,332 Converting pandas dataframe to numpy array with headers and dtypes
8,329 Generate correlated data in Python (3.3)
8,327 Cython error: Undeclared name not built in:array
8,322 How to reshape 4d array to 2d array in numpy
8,322 How to copy/repeat an array N times into a new array? [duplicate]
8,314 pandas: how to find the most frequent value of each row?
8,312 Fastest way to read comma separated files (including datetimes) in python
8,311 Convert <m8[ns] to int
8,310 Creating ngrams from scikit learn and count vectorizer throws Memory Error
8,304 linear regression for timeseries python (numpy or pandas)
8,302 matplotlib histogram with frequency and counts
8,299 Importing numpy gives ImportError: cannot import name TestCase
8,293 Numpy linear regression with regularization
8,288 How to set the default datatype as 'float32' for numpy & pandas? [duplicate]
8,287 How to get the FFT of a numpy array to work?
8,282 Second order gradient in numpy
8,282 How to find the points of intersection of a line and multiple curves in Python?
8,280 Why does np.linspace(1,5,5, dtype = int, endpoint=False) result in an array that contains 1 twice?
8,280 Creating Non Linear Regression with Python
8,277 Python-numpy test for ndarray using ndim
8,277 numpy.getbuffer and numpy.frombuffer
8,274 Scipy: Do sparse matrices support advanced indexing?
8,268 Converting numpy array having image data to CvMat
8,265 strings and arrays(matrix) row wise: numpy.savetxt
8,253 N-D version of itertools.combinations in numpy
8,250 Kurtosis,Skewness of a bar graph? - Python
8,249 (numpy) Wrong amplitude(?) of FFT'd array?
8,246 Understanding scipy's least square function with IRLS
8,246 Speed up solving a triangular linear system with numpy?
8,245 How to generate n dimensional random variables in a specific range in python
8,243 Fitting data to system of ODEs using Python via Scipy & Numpy
8,240 Python: Adding boolean Numpy arrays
8,232 Using scipy.interpolate.interpn to interpolate a N-Dimensional array
8,224 Why does python think my array is 0-d? (TypeError: iteration over a 0-d array) [duplicate]
8,224 how to get the neighboring elements in a numpy array with taking boundaries into account?
8,223 Slice Array Given Range from another array in Python
8,218 Filling in date gaps in MultiIndex Pandas Dataframe
8,216 Pearson correlation and nan values
8,214 Adding colors to a 3d quiver plot in matplotlib
8,210 What does 'numpy.ndarray' object has no attribute 'barh' mean and how to rectify it?
8,210 Drop pandas dataframe row based on max value of a column
8,210 Compute correlation between features and target variable
8,200 How to calculate auto-covariance in Python
8,199 What should be the arguments of cv2.setMouseCallback()
8,198 Check if a numpy array is sorted
8,197 Why can't I detect that the tuple is empty?
8,196 Determine if an image exists within a larger image, and if so, find it, using Python
8,193 Saving floats to a file
8,193 Animate quadratic grid changes (matshow)
8,192 How to convert CvMat to Numpy array?
8,189 conda update numpy to 1.8.x for 64-bit windows
8,185 Objects array with numpy
8,184 Normalize an Array to Standard Normal Distribution
8,182 What is the fastest way to compute an RBF kernel in python?
8,179 ASCII string as dtype for numpy array of strings in Python 3
8,175 Fastest way to left-cycle a numpy array (like pop, push for a queue)
8,173 Installing numpy Lion with Python 2.7?
8,173 Correct way to generate random numbers in Cython?
8,172 Using numpy.where() to return the indexes of a full array where the tested condition is on a sliced one
8,171 How do I use tf.reshape()?
8,170 Failure to import numpy in Jupyter notebook
8,167 IPython Notebook throws ImportError – IPython doesn't
8,163 Python generator to read large CSV file
8,158 Numpy: How to randomly split/select an matrix into n-different matrices
8,154 numpy.savetxt Problems with 1D array writing
8,154 Checking if a NumPy array contains another array [duplicate]
8,151 After rename column get keyerror
8,148 numpy.savetxt- Save one column as int and the rest as floats?
8,148 NumPy: Error While Concatenation - zero-dimensional arrays cannot be concatenated
8,146 Sum along axis in numpy array
8,143 TypeError: iteration over a 0-d array, using numpy
8,142 Error in astype float32 vs float64 for integer
8,141 OpenCV/python: How to change image pixels' values using a formula?
8,139 How can I mask a portion of an array using Numpy?
8,135 scikit-learn joblib bug: multiprocessing pool self.value out of range for 'i' format code, only with large numpy arrays
8,135 Python 2 import error: cannot import name unpack_labeled_data
8,131 Pandas Multiindex: what am I doing wrong?
8,131 Decimal alignment formatting in Python
8,125 How to fill numpy array of zeros with ones given indices/coordinates
8,117 NumPy Histogram - ValueError range parameter must be finite - input array is okay
8,114 How to use numpy to calculate mean and standard deviation of an irregular shaped array
8,111 Edge detection for image stored in matrix
8,101 Converting a List of Tuples to numpy array results in single dimension
8,100 How to load one line at a time from a pickle file?
8,097 diagonal matrix of a matrix with numpy and scipy
8,091 How to use SGDRegressor in scikit-learn
8,090 Convert Python sequence to NumPy array, filling missing values
8,089 Python linprog minimization--simplex method
8,087 Remove NaN row from X array and also the corresponding row in Y
8,085 skip ending rows containing string while reading a txt file with numpy to generate a numerical array
8,085 Convert numpy array to list of datetimes
8,084 Building 64-bit Python extensions with f2py on Windows
8,083 fatal error: numpy/arrayobject.h: No such file or directory
8,081 Sort a pandas DataMatrix in ascending order
8,069 How to calculate euclidean distance between pair of rows of a numpy array
8,065 Broadcast one channel in Numpy array into three channels
8,063 Normalise between 0 and 1 ignoring NaN
8,061 Speedup scipy griddata for multiple interpolations between two irregular grids
8,061 Install error: ftheader.h: No such file or directory
8,060 check if two numeric values have same sign in numpy (+/-)
8,059 How to set up and solve simultaneous equations in python
8,057 Get nth element from numpy array
8,053 ''only length-1 arrays can be converted to Python scalars''-error with float conversion-function
8,052 Numpy & Pandas: Return histogram values from pandas histogram plot?
8,044 Length of each string in a NumPy array
8,044 How to convert numpy.recarray to numpy.array?
8,041 check two arrays for matching elements given the same index and return number of matches
8,038 How to set k-Means clustering labels from highest to lowest with Python?
8,038 How to set k-Means clustering labels from highest to lowest with Python?
8,033 Probability distribution function in Python
8,031 How to optimize MAPE code in Python?
8,031 How do I generate a sine wave using Python?
8,027 picking out elements based on complement of indices in Python pandas
8,026 Solving linear equations w. three variables using numpy [duplicate]
8,025 Generating a filled polygon inside a numpy array
8,024 get ''1'' for a one-dimensional numpy.array using a shape-like function
8,024 dot product of two 1D vectors in numpy
8,023 Create pandas dataframe from numpy array
8,019 Weighted mean in numpy/python
8,019 Python - calculate normal distribution
8,013 How to sort a numpy array based on the values in a specific row?
8,010 fast conversion of IplImage to Numpy array
8,005 converty numpy array of arrays to 2d array
8,005 Conversion of image type int16 to uint8
8,003 Why built-in functions like abs works on numpy array?
8,000 How to set max output width in numpy?
7,994 Why do I get the 'loop of ufunc does not support argument 0 of type int' error for numpy.exp?
7,989 find max value of a list with numpy nan [duplicate]
7,988 Fast 2-D interpolation in Python with SciPy regular grid to scattered / irregular evaluation
7,982 multiply numpy ndarray with 1d array along a given axis
7,981 Create matrix of random integers in Python with a desired step size [closed]
7,980 How to filter pandas dataframe based on date value with exact match
7,979 VisibleDeprecationWarning in python
7,978 How to combine dimensions in numpy array?
7,975 numpy element-wise multiplication of an array and a vector
7,974 Plotting PCA results including original data with scatter plot using Python
7,974 In Python, how can an image stored as a NumPy array be scaled in size?
7,972 output a dataframe to a json array
7,972 Generate random numbers from exponential distribution and model using python
7,970 How to cleanly index numpy arrays with arrays (or anything else that supports addition so that it can be offset) [duplicate]
7,968 Identifying points with the smallest Euclidean distance
7,966 Python equivalent of Matlab textscan
7,953 Accessing the index/row/column from a selected cell in Pandas/Python
7,951 TypeError when using Matplotlib's strpdate2num with Python 3.2
7,950 How to find the inflection point in a noisy curve?
7,950 ''cv2.imdecode(numpyArray, cv2.CV_LOAD_IMAGE_COLOR)'' returns None
7,946 Working Example for Mahalanobis Distance Measure
7,946 Exe created with py2exe doesn't work and returns logfile with errors
7,944 Are there advantages to use the Python/C interface instead of Cython?
7,937 Better way to create block matrices out of individual blocks in numpy?
7,935 Numpy reverse keras to_categorical
7,935 Normalize/Standardize a numpy recarray
7,935 Convert numpy.ndarray to list (Python)
7,935 convert 2d numpy array to string
7,931 Strided convolution of 2D in numpy
7,929 Fast access to numpy npz data
7,927 NameError: global name 'imshow' is not defined but Matplotlib is imported
7,925 Creating a defaultdict with empty numpy array
7,916 TA-Lib numpy ''AssertionError: real is not double''
7,912 Python create a dictionary with 'numpy.ndarray'
7,908 numpy/scipy build adjacency matrix from weighted edgelist
7,899 Finding percentage change with Numpy
7,898 Implementing 3D vectors in Python: numpy vs x,y,z fields
7,892 How to return a view of several columns in numpy structured array
7,889 Split nested array values from Pandas Dataframe cell over multiple rows
7,888 Can't import numpy
7,887 How can I make a numpy ndarray from bytes?
7,879 sklearn cannot import name _ellipsoid
7,873 IronPython invocation from C# (with SciPy) fails with ImportException: ''No module named mtrand''
7,873 How do I create a custom 4x4 array using NumPy?
7,871 Python: Plotting the logarithm of a function
7,869 How to solve 'numpy.float64' object has no attribute 'encode' in python 3
7,868 Is there a way to check if NumPy arrays share the same data?
7,867 Is there an opposite / inverse to numpy.pad() function?
7,862 ValueError: Pandas data cast to numpy dtype of object. Check input data with np.asarray(data) [duplicate]
7,861 xgboost watchlist parameter: DMatrix object is not iterable
7,861 Increase image brightness without overflow
7,858 ''no suitable image found'' error when using numpy
7,857 Python import Column Data from MySQL as Array
7,855 Determine sum of numpy array while excluding certain values
7,854 How to concatenate an empty array with Numpy.concatenate?
7,853 Numpy dtype - data type not understood
7,852 Python program can not import dot parser
7,849 Training TensorFlow for Predicting a Column in a csv file
7,848 Logarithm of a pandas series/dataframe
7,846 A fast way to find nonzero entries by row in a sparse matrix in Python
7,845 Automatically remove hot/dead pixels from an image in python
7,844 Get (column, row) index from NumPy array that meets a boolean condition
7,843 scipy/numpy FFT on data from file
7,842 numpy.take range of array elements Python
7,839 filling gaps on an image using numpy and scipy
7,838 How to return back a list instead of tuple in psycopg2
7,837 Python interpolate point value on 2D grid
7,835 Most memory-efficient way to compute abs()**2 of complex numpy ndarray
7,831 Replace subarrays in numpy
7,827 Crop out partial image using NumPy (or SciPy)
7,826 Understanding weird boolean 2d-array indexing behavior in numpy
7,824 python - numpy FileNotFoundError: [Errno 2] No such file or directory
7,817 pip install : issue with the ssl certificate
7,817 Get the (x,y) coordinate values from an image array's RGB value using numpy
7,816 Numpy: convert an array to a triangular matrix
7,815 simulator of realistic ECG signal from rr data for matlab or python
7,809 IndexError: index 3 is out of bounds for axis 1 with size 3
7,805 Shifting an image in numpy
7,803 convert pandas pd to numpy array and back
7,803 Adding a row to a numpy array: 'numpy.ndarray' object has no attribute 'append' or 'vstack'
7,797 Video Processing using Python and OpenCV
7,796 Changing the line color in plot_surface
7,789 Image to numpy-array: JPG vs. PNG
7,789 How to plot a matrix in scatterplot python [duplicate]
7,787 What is the [Sci/Num]Python equivalent to Matlabs ''norminv'' (Normal inverse cumulative distribution function) [duplicate]
7,786 Numpy: add a vector to matrix column wise
7,785 TensorFlow getting elements of every row for specific columns
7,784 Numpy ValueError: operands could not be broadcast together with shapes (3,4) (3,3) [duplicate]
7,784 Fit points to a plane algorithms, how to iterpret results?
7,783 What is the difference between numpy.fft.fft and numpy.fft.rfft?
7,781 Combining 3 arrays in one 3D array in numpy
7,778 How do I get the percentile for a row in a pandas dataframe?
7,767 RuntimeWarning: overflow encountered in exp in computing the logistic function
7,765 zero padding numpy array
7,764 Selecting the first row of a sorted group from pandas data frame
7,761 Implementing back propagation using numpy and python for cleveland dataset
7,756 Adobe Photoshop-style posterization and OpenCV
7,752 Choosing randomly all the elements in the the list just once
7,750 SciPy/NumPy import guideline
7,748 Python - NumPy - deleting multiple rows and columns from an array
7,743 How to fill numpy array with another numpy array
7,732 Calculate logistic regression in python
7,731 How floor a date to the first date of that month?
7,730 python: extracting one slice of a multidimensional array given the dimension index
7,723 Python numpy shannon entropy array
7,720 Finding the consecutive zeros in a numpy array
7,719 Fast punctuation removal with pandas
7,717 What is the difference between flatten and ravel in numpy? [duplicate]
7,717 how to calculate running median efficiently
7,716 cv2.line and cv2.circle return None
7,713 Fastest way to multiply arrays of matrices in Python (numpy)
7,711 Scipy-like functionality in Java / Scala? [closed]
7,709 Numpy np.multiply vs *-Operator [duplicate]
7,701 dynamic memory allocation in python
7,697 SciPy Can't Convert Complex to Float
7,694 Find the row indexes of several values in a numpy array
7,690 How can I make a FloatTensor with requires_grad=True from a numpy array using PyTorch 0.4.0?
7,688 perform varimax rotation in python using numpy
7,686 Python Numpy generate coordinates for X and Y values in a certain range
7,684 Trying to understand scipy and numpy interpolation
7,683 Inverse of a Matrix in Python
7,682 AttributeError: module 'numpy' has no attribute 'core'
7,680 Python 2.7 Value Error : need more than 2 values to unpack
7,676 median-absolute-deviation (MAD) based outlier detection
7,671 np.add.at indexing with array
7,669 How to correctly use cv2.imwrite to save an image in openCV with cv2.selectROI
7,668 Pandas OneHotEncoder.fit(dataframe) returns ValueError: invalid literal for long() with base 10
7,666 How to efficiently add sparse matrices in Python
7,664 Statsmodels OLS function for multiple regression parameters
7,662 How to conditionally select elements in numpy array
7,659 Python: Convert column from float to int
7,658 Is it possible to create a 1million x 1 million matrix using numpy? [duplicate]
7,652 How to compute ''EMD'' for 2 numpy arrays i.e ''histogram'' using opencv?
7,651 Hierarchical data: efficiently build a list of every descendant for each node
7,649 Problems with Rounding Floats in Python
7,647 Python function to accept numpy ndarray or sequence as arguments
7,646 sum numpy ndarray with 3d array along a given axis 1
7,646 Python error - ValueError: need more than 1 value to unpack
7,642 Axis in numpy multidimensional array
7,639 Pandas DataFrame Float Formatting
7,633 Correct usage of scipy.interpolate.RegularGridInterpolator
7,632 sklearn - how to incorporate missing data when one-hot encoding
7,628 Tuple as index of multidimensional array
7,628 Specify lag in numpy.correlate
7,624 Scipy/Numpy/scikits - calculating precision/recall scores based on two arrays
7,624 Is it possible to install scipy under pypy?
7,622 Python fractal box count - fractal dimension
7,609 Principal Component Analysis not working
7,608 Abbreviate the import of multiple files with loadtxt (Python)
7,606 Install pyopencv inside virtualenv with --no-site-packages
7,605 unsupported format string passed to numpy.ndarray
7,603 Element-wise minimum of multiple vectors in numpy
7,603 All row sum with pandas except one
7,602 Quantile functions in Python
7,602 Error: Index out of bounds - Python
7,598 Most efficient (and pythonic) way to count False values in 2D numpy arrays?
7,596 How to get the cumulative sum of numpy array in-place
7,593 Getting header row from numpy.genfromtxt
7,590 Return common element indices between two numpy arrays
7,590 Max in a sliding window in NumPy array
7,590 Binary numpy array to list of integers?
7,589 Indexing of python 2D list
7,588 How to pass a Numpy array into a cffi function and how to get one back out?
7,578 cv2.imshow() giving black screen
7,577 np.delete and np.s_. What's so special about np_s?
7,576 What is the fastest way to quadratic form numpy array multiplication?
7,576 numpy recarray strings of variable length
7,575 Installing numpy on Red Hat 6?
7,575 Differences in ctypes between Python 2 and 3
7,574 Check if float is close to any float stored in array
7,573 Python read .txt-files header
7,573 Linear regression using Python (Pandas and Numpy)
7,571 TypeError: histogram() got an unexpected keyword argument 'new'
7,567 How to create the histogram of an array with masked values, in Numpy?
7,566 Appending a new row to a numpy array
7,563 Compute Jordan normal form of matrix in Python / NumPy
7,560 Find where a NumPy array is equal to any value in a list of values
7,557 DataConversionWarning: A column-vector y was passed when a 1d array was expected
7,556 Numpy rank 1 arrays
7,555 Appending to numpy arrays
7,547 What exactly does the Pandas random_state do?
7,545 IndexError: invalid index
7,545 Converting some columns of a matrix from float to int
7,543 Cannot use 128bit float in Python on 64bit architecture
7,542 Importing the multiarray numpy extension module failed (Just with Anaconda)
7,542 Comparing two numpy arrays of different length
7,527 Random selection from list with replacement
7,527 Failing to import numpy in Jupyter
7,525 Using scientific notation in pandas
7,525 How to Bootstrap numpy installation in setup.py
7,521 Permute rows and columns of a matrix
7,520 What is the alternative of numpy.newaxis in tensorflow?
7,520 Efficient Matplotlib Redrawing
7,517 How to use np.save to save files in different directory in python?
7,515 ValueError in numpy.fromstring
7,514 Write data to GeoTiff using GDAL without creating data array?
7,510 Non local maxima suppression in python
7,510 Filter an array in Python3 / Numpy and return indices
7,509 How to delete last n rows from Numpy array?
7,504 numpy argmin elegant solution required.
7,503 write numpy array to CSV with row indices and header
7,501 MemoryError while converting sparse matrix to dense matrix? (numpy, scikit)
7,501 How to convert numpy datetime64 [ns] to python datetime?
7,500 How do you quantize a simple input using python
7,500 Efficiently generate a lattice of points in python
7,499 Image rotation and scaling the frequency domain?
7,491 How to start from second index for for-loop
7,487 Sum slices of consecutive values in a NumPy array
7,485 How can I export my NUMPY array into a CSV or EXCEL file
7,484 Matplotlib - Stepped histogram with already binned data
7,482 Python dictionary lookup speed with NumPy datatypes
7,477 Error import cv2 : ImportError: numpy.core.multiarray failed to import
7,475 Speed up python code for computing matrix cofactors
7,475 Numpy modify ndarray diagonal
7,474 TypeError: can't convert np.ndarray of type numpy.object_
7,473 total size of new array must be unchanged
7,473 Data type not understood while creating a NumPy array
7,471 Transpose of a matrix in numpy
7,470 numpy array that is (n,1) and (n,)
7,466 Error: random_sample() takes at most 1 positional argument (2 given)
7,463 Matplotlib: how to plot data from lists, adding two y-axes?
7,461 Python numpy: Convert string in to numpy array
7,460 Reading a binary file into 2D array python
7,458 Convert multi-channel PyAudio into NumPy array
7,453 Calculate the 3rd standard deviation for an array
7,452 how to print equation of line using scipy stats
7,451 How to create an array in Python
7,449 root finding in python
7,449 Concatenate two big numpy 2D arrays
7,443 Poly1d with Matplotlib
7,439 Shift all indices in NumPy array
7,439 Multiple slice in list indexing for numpy array
7,438 Writing more than 4 channel images in OpenCV Python
7,438 What is the meaning of arr[:] in assignment in numpy?
7,435 Getting 'av_interleaved_write_frame(): Broken pipe' error
7,434 openCV: detecting a circle using findContours
7,434 How to make a matrix out of existing xyz data
7,433 Cross validation and model selection
7,431 How to plot Spectrogram using STFT in python?
7,430 Diagonalize symbolic matrix
7,426 Add an offset to part of a list in Python?
7,425 How to calculate percentage of sparsity for a numpy array/matrix?
7,421 Matplotlib and Numpy - Create a calendar heatmap
7,419 numpy: How to join arrays? ( to get the union of several ranges)
7,418 Image Gradient Vector Field in Python
7,416 python numpy weighted average with nans
7,416 How to read a big tif file in python?
7,411 python: check if an numpy array contains any element of another array
7,410 Cython: cimport and import numpy as (both) np
7,407 How can I upgrade Numpy in just one version of Python?
7,405 How to extract a specific section of an image using OpenCV in Python?
7,400 Grouping 2D numpy array in average
7,400 float16 vs float32 for convolutional neural networks
7,397 joining two numpy matrices
7,396 NumPy ''record array'' or ''structured array'' or ''recarray''
7,391 How can I use numpy without installing it?
7,390 Python Pandas plot using dataframe column values
7,390 Python Numpy : operands could not be broadcast together with shapes
7,389 Create an array with varying increment in Python [duplicate]
7,387 Understanding == applied to a NumPy array
7,387 pandas.read_csv reading string instead of float
7,376 Python Numpy Data Types Performance
7,375 Mask a circular sector in a numpy array
7,368 Using Pandas to Find Minimum Values of Grouped Rows
7,368 Python/Numpy - Save Array with Column AND Row Titles
7,364 Why the following operands could not be broadcasted together?
7,361 2 dimensions array of unknown size in Python
7,359 remove background of any image using opencv
7,359 Numpy: Array of class instances
7,358 Replacement for deprecated tsplot
7,357 How do you remove a column from a structured numpy array?
7,355 Optimize A*x = B solution for a tridiagonal coefficient matrix
7,348 Scipy interpolation on a numpy array
7,347 Python: Write array to file row by row
7,347 Feature Selection using MRMR
7,346 Putting latitudes and longitudes into a distance matrix, google map API in python
7,345 Numpy Array: Efficiently find matching indices
7,342 Left inverse in numpy or scipy?
7,336 Python vectorizing nested for loops
7,335 numpy: applying argsort to an array
7,333 Python genfromtxt file path
7,332 Python Slice Notation with Comma/List
7,326 Subtract first row from all rows in Pandas DataFrame
7,326 Finding the indices of the top three values via argmin() or min() in python/numpy without mutation of list?
7,320 Create 2D array from Pandas dataframe
7,318 Find minimum distance from point to complicated curve
7,315 Dot Product in Python without NumPy
7,314 Efficient way to convert numpy record array to a list of dictionary
7,313 How to create a numpy array from a pydub AudioSegment?
7,309 How to truncate a numpy array?
7,308 How to create a netCDF file with python netCDF4?
7,306 Python Running cumulative sum with a given window
7,306 Pandas: create a dataframe from 2D numpy arrays preserving their sequential order
7,305 Determine Index of Highest Value in Python's NumPy
7,303 Axes3D: Numpy arrays error while trying to build 3D plot
7,302 4 dimensional array of zeros in python
7,301 Scipy, optimize a function with argument dependent constraints
7,301 scipy - generate random variables with correlations
7,300 numpy array of chars to string
7,300 Installation of numpy in PyCharm on Windows
7,300 .fit() error: Found arrays with inconsistent numbers of samples
7,299 Using predict() on statsmodels.formula data with different column names using Python and Pandas
7,299 numpy vs. multiprocessing and mmap
7,298 Pandas.read_csv() MemoryError
7,295 pyspark vs python vs numpy understanding? [closed]
7,295 Add a list to a numpy array
7,293 numpy ndarray hashability
7,293 fitting a linear surface with numpy least squares
7,288 Resizing image and its bounding box
7,282 Python: numpy.loadtxt invalid literal for float() error parsing data
7,281 Filling gaps in a numpy array
7,281 command for inverse ERF function in python [closed]
7,281 Apply non-linear regression for multi dimension data samples in Python
7,280 Matplotlib not displaying figures
7,280 Building numpy/scipy for Python3 on Mac OS Lion
7,279 How to draw a precision-recall curve with interpolation in python?
7,277 Create an array with a pre determined mean and standard deviation
7,275 How to effectively flip a multidimensional numpy array? [duplicate]
7,271 generating two orthogonal vectors that are orthogonal to a particular direction
7,271 Fit a curve for data made up of two distinct regimes
7,269 Maxvalue in cv2.minMaxLoc()?
7,267 numpy datetime64 from unix utc seconds
7,263 Cannot cast array data from dtype('<M8[ns]') to dtype('float64') according to the rule 'safe'
7,262 How do I use the numpy longdouble dtype?
7,261 Writing a formated binary file from a Pandas Dataframe
7,258 Opencv Python Crop Image Using Numpy Array
7,258 Load Python 2 .npy file in Python 3
7,258 Consecutive, Overlapping Subsets of Array (NumPy, Python)
7,257 How do I create a numpy array using a function?
7,254 Plot 3d cartesian grid with python [closed]
7,253 ValueError: NumPy boolean array indexing assignment cannot assign 0 input values to the N output values where the mask is true
7,253 numpy and Global Interpreter Lock
7,249 Make special diagonal matrix in Numpy
7,248 solving for 5 variables using 6 linear equation using numpy
7,248 Python DataFrame or list for storing objects
7,246 add a 'now' timestamp column to a pandas df
7,245 Distance matrix for rows in pandas dataframe
7,244 Unpacking an array in python
7,243 bitwise operations between elements in a list
7,242 How to force python print numpy datetime64 with specified timezone?
7,238 Debug TypeError: unhashable type: 'numpy.ndarray'
7,237 How to install numpy in a virtualenv on Debian?
7,230 matplotlib contour plot with lognorm - colorbar levels
7,226 Python numpy update from 1.6 to 1.8
7,222 How to declare 2D c-arrays dynamically in Cython
7,222 Convert List of List of Tuples Into 2d Numpy Array
7,219 Installing numpy for Python 2.7
7,217 Object Too Deep for Desired Array - scipy.integrate.odeint
7,217 numpy genfromtxt issues in Python3
7,214 How do I remove the 'dtype' being returned when using numpy?
7,213 How to solve homogeneous linear equations with NumPy?
7,212 Packages getting installed only in Python 2.7 but not in 3.5
7,212 numpy array of python objects
7,211 TypeError: cannot unpack non-iterable int objec
7,209 Index confusion in numpy arrays
7,207 improving code efficiency: standard deviation on sliding windows
7,205 How can check the distribution of a variable in python? [closed]
7,204 What is meaning of transpose(3, 0, 1, 2) in python
7,204 Inserting rows and columns into a numpy array
7,200 Using numpy.argmax() on multidimensional arrays
7,199 ValueError: invalid literal for float(): 17/08/2015
7,195 Setting the x axis as time (years, months) for a set of values
7,195 Select elements from a numpy array based on values in another array that is not an index array
7,193 resampled time using scipy.signal.resample
7,192 Write & read ndarray
7,180 python numpy and memory efficiency (pass by reference vs. value)
7,173 SciPy medfilt wrong result
7,164 How to assign to square submatrices in big matrix without loops in numpy
7,163 Numpy->Cython conversion: Compile error:Cannot convert 'npy_intp *' to Python object
7,161 Python OpenCV drawing errors after manipulating array with numpy
7,159 Unable to import numpy: Error: /usr/lib/liblapack.so.3: undefined symbol: gotoblas
7,159 Map numpy array with ufunc
7,159 Converting pandas index to numpy array. Python [duplicate]
7,156 Creating a masked array in Python with multiple given values
7,151 Which Python to use on Windows for Numpy and friends?
7,150 Identify consecutive same values in Pandas Dataframe, with a Groupby
7,150 Easy way to implement a Root Raised Cosine (RRC) filter using Python & Numpy
7,149 how to replace every n-th value of an array in python most efficiently?
7,146 numpy 2D array assignment with 2D value and indices arrays
7,145 ImportError numpy/core/multiarray.so: undefined symbol: PyUnicodeUCS2_AsASCIIString
7,144 Python cPickle: load fails with UnpicklingError
7,141 Find indices of a list of values in a numpy array
7,137 How to use `cv2.findContours` in different OpenCV versions?
7,136 Term document matrix and cosine similarity in Python
7,134 Running Cumulative sum of 1d NumPy Array
7,134 How can I save 3D array results to a 4D array in Python/numpy?
7,131 Python Numpy FFT -or- RFFT to find period of a wave instead of its frequiency?
7,128 Pandas, conditional column assignment based on column values
7,124 Mask a 3d array with a 2d mask in numpy
7,124 Installing gfortran for numpy with homebrew
7,123 Numpy: return boolean array after condition checking
7,122 Python - Gini coefficient calculation using Numpy
7,121 How to do scatter and gather operations in numpy?
7,119 Convert a std::vector to a NumPy array without copying data
7,116 Numpy max pooling convolution
7,111 TypeError: data type not understood while creating a numpy array
7,109 Cuda GPU is slower than CPU in simple numpy operation
7,102 How to display a plot in fullscreen
7,101 Using scipy.interpolate.splrep function
7,100 ''AttributeError: 'list' object has no attribute 'ravel'''
7,096 How to make numba @jit use all cpu cores (parallelize numba @jit)
7,096 Find a root of a function in a given range
7,093 Sympy to numpy causes the AttributeError: 'Symbol' object has no attribute 'cos'
7,093 How can I efficently pad an RGB numpy array with the median of the image?
7,090 Detecting peaks in python plots
7,086 query a pandas dataframe based in index and datacolumns
7,085 'data type not understood' error when defining numpy record data type
7,081 What is the best way to install python 2 on OS X?
7,080 scikit-learn MinMaxScaler produces slightly different results than a NumPy implemantation
7,079 How does NumPy multidimensional array iteration work? (With and without nditer)
7,079 Can't uninstall Numpy on Mac
7,078 Python: Leave Numpy NaN values from matplotlib heatmap and its legend [duplicate]
7,075 Python 3.5 (32-bit): ImportError: cannot import name NUMPY_MKL
7,073 Index datetime in numpy array
7,072 How to force pandas read_csv to use float32 for all float columns?
7,071 Numpy element-wise dot product
7,071 Filter numpy ndarray (matrix) according to column values
7,068 what is meant by rv_frozen object in scipy?
7,067 Is there (or why there is not) a matrix square root operation for sparse matrices in SciPy?
7,066 Numpy: conditional sum
7,066 numpy arrays dimension mismatch
7,065 Write multiple NumPy arrays into CSV file in separate columns?
7,065 Passing 3-dimensional numpy array to C
7,065 OSX - ''NumPy/SciPy requires Python 2.6 to Install''
7,064 typecasting PyArrayObject data to a C array
7,061 How to print a numpy.array in one line?
7,061 AttributeError: 'numpy.ndarray' object has no attribute 'lower' fitting logistic model data
7,057 TypeError: 'numpy.float64' object is not iterable
7,055 Expected type 'Union[ndarray, Iterable]' warning in Python instruction
7,054 Group and average NumPy matrix
7,052 Why is 'invalid value encountered in greater' warning thrown in python xarray for nan? Shouldn't the nan commute without any issues?
7,052 Is there special significance to 16331239353195370.0?
7,051 pyspark: ImportError: No module named numpy
7,046 Solving for x values of polynomial with known y in scipy / numpy
7,045 Can't install numpy on Mountain Lion
7,044 I want to get python to output a png file
7,043 calculate coefficient of determination (R2) and root mean square error (RMSE) for non linear curve fitting in python
7,041 Write numpy unicode array to a text file
7,039 How to read a super huge file into numpy array N lines at a time
7,036 How can I make NumPy use OpenBlas in Ubuntu?
7,034 Pandas DataFrame column assignment ValueError: Wrong number of items passed
7,031 Scale Numpy array to certain range
7,031 Convert uint8 to int64 in python
7,030 Flags in Python
7,029 python ImportError: cannot import name 'multiarray'
7,028 Python Dictionary value assignment with list comprehension
7,024 python lazy variables? or, delayed expensive computation
7,021 Scale a numpy array with from -0.1 - 0.2 to 0-255
7,016 How do I get the index of a specific percentile in numpy / scipy?
7,015 cannot unpack non-iterable numpy.float64 object python3 opencv
7,013 Efficient ways to write a large NumPy array to a file
7,010 Python Pandas - Drop row based on value
7,009 Create heatmap using pandas TimeSeries
7,005 drop duplicates in Python Pandas DataFrame not removing duplicates
7,004 How to YAML save numpy array
7,002 Taking subarrays from numpy array with given stride/stepsize
6,998 Cannot populate NumPy datetime64 arrays
6,997 AttributeError: type object 'numpy.ndarray' has no attribute '__array_function__'
6,996 Randomly shuffle data and labels from different files in the same order
6,996 plotting seismic wiggle traces using matplotlib
6,995 Plot x-axis with string array as in the same order in original array and not sort it alphabetically in matplotlib
6,993 howto stream numpy array into pyaudio stream?
6,992 ImportError: Missing required dependencies ['numpy']
6,991 single positional indexer is out-of-bounds index error
6,990 scipy sparse matrix: remove the rows whose all elements are zero
6,990 Point inside polygon
6,986 From JPG to b64encode to cv2.imread()
6,986 Difference between nan and 'nan' in Python
6,982 Importing Numpy to Python: ''ImportError: DLL load failed: The specified procedure could not be found.''
6,981 Efficient way to do pandas operation and skip row
6,978 How to find index of minimum non zero element with numpy?
6,972 Sigma Notation in Python
6,969 how are numpy eigenvalues and eigenvectors computed
6,968 Lucas Kanade python numpy implementation uses enormous amount of memory
6,964 Numpy matmul - Object arrays not currently supported
6,964 How to filter a numpy array using a condition in python
6,963 How to parse a numpy array?
6,962 Python convert string to categorical - numpy
6,962 I want to generate a mesh from a point cloud in Python
6,959 Python: Generate random time series data with trends (e.g. cyclical, exponentially decaying etc)
6,956 Tensorflow unhashable type 'list' in sess.run
6,955 Saving 'float' numpy images
6,955 itertools product speed up
6,952 Difference between a -= b and a = a - b in Python
6,951 using ols from statsmodels.formula.api - how to remove constant term?
6,951 expected conv2d_1_input to have shape (28, 28, 1) but got array with shape (1, 28, 28)
6,950 Randomly insert NA's values in a pandas dataframe
6,950 Is numpy.transpose reordering data in memory?
6,949 Unable to plot Double Bar, Bar plot using pyplot for ndarray
6,949 Python programming - numpy polyfit saying NAN
6,949 Outputting pandas series to txt file
6,942 Numpy or SciPy Derivative function for non-uniform spacing?
6,940 how to create an array of specified dimension of specific type initialized with same value in python?
6,937 how to find most frequent string element in numpy ndarray?
6,935 Python + OpenCV = How to crop circle?
6,935 Error: Found array with dim 3. Estimator expected <= 2
6,934 python pandas : split a data frame based on a column value
6,934 numpy.savetxt saving every element on new line?
6,926 Converting Pandas Dataframe to numpy array [duplicate]
6,924 Compile, run, and import Python module in C# .Net
6,921 What are the weight values to use in numpy polyfit and what is the error of the fit
6,921 Numpy vectorize as a decorator with arguments
6,920 Cython: are typed memoryviews the modern way to type numpy arrays?
6,918 Python openCV TypeError: labels data type = 18 is not supported
6,918 Fast interpolation of regularly sampled 3D data with different intervals in x,y, and z
6,917 Numpy : ValueError: object of too small depth for desired array
6,916 Python: is the iteration of the multidimensional array super slow?
6,916 Matplotlib: Change math font size
6,914 Python, hstack column numpy arrays (column vectors) of different types
6,914 How to pass arrays into Scipy Interpolate RectBivariateSpline?
6,913 What does this: s[s[1:] == s[:-1]] do in numpy?
6,912 psycopg2: can't adapt type 'numpy.int64'
6,910 numpy frombuffer - AttributeError: 'str' object has no attribute '__buffer__'
6,909 how to calculate the dot product of two arrays of vectors in python? [duplicate]
6,907 Calculating percentile for specific groups
6,902 ValueError: matmul: Input operand 1 has a mismatch in its core dimension 0, with gufunc signature (n?,k),(k,m?)->(n?,m?) (size 1 is different from 3)
6,901 Numpy Install Mac Osx Python
6,901 Custom transformer for sklearn Pipeline that alters both X and y
6,900 Stacked Bar Plot By Group Count On Pandas Python
6,899 Writing Python numpy arrays to .mat file
6,898 How to truncate a numpy array for values greater than a specified value?
6,897 mean() of column in pandas DataFrame returning inf: how can I solve this?
6,896 How to load and convert .mat file into numpy 2D array?
6,896 dimshuffle equivalent function in Numpy
6,895 python: numpy: concatenation of named arrays
6,893 Select two random rows from numpy array
6,891 How to setup string to float converters for numpy genfromtxt
6,890 Error in reading HDF5 using h5py
6,890 Cheapest way to get a numpy array into C-contiguous order?
6,890 Building a covariance matrix in Python
6,888 Minimum number of points in retrieval of affine transform?
6,884 Pandas groupby with categories with redundant nan
6,883 Replacing values greater than a limit in a numpy array
6,883 Does Anaconda 4.0.2 already runs numpy on MKL
6,881 Smoothing my heatmap in Python
6,881 Smallest positive float64 number
6,881 How do I save a 3D Python/NumPy array as a text file?
6,879 Indexing one-dimensional numpy.array as matrix
6,878 Python: How to get local maxima values from 1D-array or list
6,878 pip raises stdio.h not found error on Mac OS X Mavericks (10.9)
6,877 'numpy.ndarray' object is not callable error in python
6,875 Parametric equation with numpy
6,875 numpy draw a few bernoulli distributions at once
6,873 Combining numpy with sympy
6,865 Efficient manipulations of binary matrix in numpy
6,863 sklearn mask for onehotencoder does not work
6,863 Selecting specific columns for calculating row wise total in pandas
6,863 Efficient way to drop a column from a Numpy array?
6,860 Python - Element-wise means of multiple matrices with Numpy
6,857 Python eval function with numpy arrays via string input with dictionaries
6,850 Python TA-Lib not working with pandas series
6,846 How do I install numpy on windows python 3.4?
6,844 Load a numpy array into C from a file that was saved with numpy.save( ... )
6,843 Is there a better way of making numpy.argmin() ignore NaN values
6,843 Decrease array size by averaging adjacent values with numpy
6,843 Check if variable is defined with Numpy array?
6,840 opencv error:Sizes of input arguments do not match
6,834 numpy: unique list of colors in the image
6,832 Python - is there a way to implement __getitem__ for multidimension array?
6,829 Vectorizing for loops NumPy
6,827 fast method with numpy for 2D Heat equation
6,824 python matplotlib plot hist2d with normalised masked numpy array
6,823 Python error 'int' object has no attribute 'shape'
6,822 Open source Enthought Python alternative [closed]
6,819 How to save a Python dtype('object') in an HDF5 file?
6,815 numpy genfromtext or numpy loadtxt '' ValueError: could not convert string to float'' or ''too many values to unpack'', tried almost everything
6,811 Numpy equivalent of if/else list comprehension
6,806 Check if list or array element is empty
6,806 Check array for values equal or very close to zero
6,806 Change dtype of a single column in a 2d numpy array
6,805 Round a float UP to next odd integer
6,805 Pandas Fillna of Multiple Columns with Mode of Each Column
6,805 adding columns to a text file
6,801 How to create probability density function graph using csv dictreader, matplotlib and numpy?
6,801 Creating a Matrix in Python
6,801 Add a new column in text file
6,800 ZeroDivisionError: float division by zero (python 3.6)
6,799 how to store numpy arrays as tfrecord?
6,796 How to compare two lists in python
6,795 numpy.asarray: how to check up that its result dtype is numeric?
6,794 How to add a Numpy Array to a dictionary
6,792 Python genfromtext multiple datatypes
6,792 Kronecker delta in Numpy
6,791 New to Python ... Python 3 and Matplotlib [closed]
6,787 How to read a MP3 audio file into a numpy array / save a numpy array to MP3?
6,782 calculating distance between two numpy arrays
6,780 Select element from array with probability proportional to its value
6,780 Numpy + OpenCV-Python : Get coordinates of white pixels [duplicate]
6,777 Median of a list with NaN values removed, in python
6,777 Confusion matrix ''Can't handle mix of multiclass and unkown''
6,769 Python/Numpy - Set Values within some Tolerance to the Value
6,769 Ignoring negative values when using np.log(array)
6,768 Numpy array as lookup table
6,767 Taking logarithm of column
6,766 sorting points to form a continuous line
6,766 Can't get scipy.io.wavfile.read() to work
6,764 2D Gaussian Fit for intensities at certain coordinates in Python
6,763 ValueError: Found array with 0 feature(s) (shape=(546, 0)) while a minimum of 1 is required
6,762 Translate matlab to python/numpy [closed]
6,762 Python: TypeError: Unhashable Type: List
6,760 ValueError: Feature not in features dictionary
6,756 Replicating SQL's 'Join' in Python
6,755 How to use dorpi5 or dop853 in Python
6,752 take minimum between column value and constant global value
6,752 confused about numpy.c_ document and sample code
6,751 Numpy Covariance Matrix numpy.cov
6,748 Plotting with matplotlib: TypeError: float() argument must be a string or a number
6,746 IndexError: index 0 is out of bounds for axis 0 with size 0
6,745 Pandas: No column names in data file
6,744 Storing a dict with np.savez gives unexpected result?
6,743 In matrix of 100 x 100 in python, filling the off diagonal elements
6,741 SciPy 0.12.0 and Numpy 1.6.1 - numpy.core.multiarray failed to import
6,741 How to quantitatively measure goodness of fit in SciPy?
6,740 Python: Storing values in a 3D array to csv
6,738 python numpy.savetxt header has extra character #
6,731 Memory Error at Python while converting to array
6,730 Is there a ''bounding box'' function (slice with non-zero values) for a ndarray in NumPy?
6,730 Fill a column of a numpy array with another array
6,728 Using Scipy.optimize method='SLSQP' returns initial guess
6,728 How to invert numpy.where (np.where) function
6,725 How can I square every element in an n by n numpy array? [duplicate]
6,721 How to find cluster sizes in 2D numpy array?
6,717 Python Pandas Data frame creation
6,716 Any good implementation of greedy set cover for large datasets?
6,713 Mapping string categories to numbers using pandas and numpy
6,712 No module named numpy when spark-submitting
6,712 How to smoothen data in Python?
6,710 String comparison in Numpy
6,708 Install numpy for python 2.7 and not 3.4
6,708 How to shuffle a pandas dataframe randomly by row [duplicate]
6,708 How to fix Value Error with train_test_split in Python Numpy
6,705 Write ascii output from numpy arrays
6,705 Converting a list of ints, tuples into an numpy array
6,704 Can't find the right energy using scipy.signal.welch
6,702 Plot colour image from a numpy array that has 3 channels
6,702 hierarchical clustering with gene expression matrix in python
6,701 Why is numpy.power 60x slower than in-lining?
6,701 Numpy Array Column Slicing Produces IndexError: invalid index Exception
6,699 Correlation coefficients for sparse matrix in python?
6,697 Python numpy.corrcoef() RuntimeWarning: invalid value encountered in true_divide c /= stddev[:, None]
6,695 Solve Generalized Eigenvalue Problem in Numpy
6,693 python finding index of an array within a list
6,692 Python, numpy; How to best deal with possible 0d arrays
6,691 Pandas series to numpy array conversion error
6,687 Python - convert object data type to integer, string or float based on data in dataframe column [duplicate]
6,686 Fit data to all possible distributions and return the best fit [closed]
6,686 AttributeError: 'numpy.int32' object has no attribute 'append'
6,684 Python: Interpretation on XCORR
6,683 Creating a 3D surface plot from three 1D arrays
6,682 python - delete item from list of tuple by index [duplicate]
6,681 How to decode jpg image from memory?
6,681 Change 3d array to 4d array numpy
6,680 numpy too many indices for array error
6,674 Alternative to scipy.misc.imresize()
6,672 How to convert a pandas dataframe into one dimensional array?
6,670 'ValueError: could not convert string to float' in python sklearn
6,670 new pythonic style for shared axes square subplots in matplotlib?
6,668 How to break numpy array into smaller chunks/batches, then iterate through them
6,668 FFT in Matlab and numpy / scipy give different results
6,667 Prevent or dismiss 'empty file' warning in loadtxt
6,666 NumPy on Python 3.3 on Windows 8
6,663 In python, is math.acos() faster than numpy.arccos() for scalars?
6,660 Python find numbers between range in list or array
6,660 numpy arrays: filling and extracting data quickly
6,658 Python - for loop of a list of ordered pairs and finding the greatest pair
6,656 Is it possible to vectorize recursive calculation of a NumPy array where each element depends on the previous one?
6,656 how to find glcm of an image in OpenCV or numpy?
6,651 How to show all the element names in a npz file without having to load the completely?
6,648 tensorflow: How to feed numpy.ndarray?
6,645 NumPy arrays with SQLite
6,644 shape-preserving piecewise cubic interpolation for 3D curve in python
6,644 How to add custom metadata to OpenCV/numpy image?
6,644 Building OpenCV cmake error: could NOT find PythonInterp
6,643 Python matrix convolution without using numpy.convolve or scipy equivalent functions
6,640 Numpy multiarray.so: undefined symbol: cblas_sgemm
6,638 ValueError: negative dimensions are not allowed using pandas pivot_table
6,634 How to load data from np matrix to seaborn?
6,632 specify dtype of each object in a python numpy array
6,631 How to seed the random number generator for scikit-learn?
6,630 tensorboard with numpy array
6,626 numpy bitwise operation error
6,626 Missing numpy/arrayobject.h while compiling .pyx file
6,622 Calculate local time derivative of Series
6,619 Python scikit-learn: Cannot clone object ... as the constructor does not seem to set parameter
6,618 Converting np-array from float to complex
6,617 Convert nd array to key, value dictionary
6,614 why is converting a long 2D list to numpy array so slow?
6,611 StopIteration: generator_output = next(output_generator)
6,611 Pandas groupby custom function to each series
6,611 Numpy fails with python-dbg (undefined symbol: Py_InitModule4_64)
6,611 how to get a float from a matrix in python numpy
6,611 How to extract elements from a matrix using a vector of indices using numpy?
6,603 Python: numpy/pandas change values on condition
6,603 Numpy np.where multiple condition
6,602 Running Scipy on Heroku
6,602 python numpy: Change the column type of a numpy matrix
6,599 Faster alternatives to numpy.argmax/argmin which is slow
6,599 Conditional column arithmetic in pandas dataframe
6,598 How to correlate two time series with gaps and different time bases?
6,594 Easy ways to detect and crop blocks (paragraphs) of text out of image?
6,593 Numpy with ATLAS or OpenBLAS?
6,592 Converting an image to grayscale using numpy
6,586 Using np.where but maintaining exisitng values if condition is False
6,580 Why does ''numpy.mean'' return 'inf'?
6,580 Time differentiation in Pandas
6,579 How to get centroids from SciPy's hierarchical agglomerative clustering?
6,578 Python: Concatenate 3 arrays
6,578 Opencv 2.4.3 estimateRigidTransform in python
6,578 cosine similarity on large sparse matrix with numpy
6,574 min function in numpy array
6,573 How do you use scipy.stats.rv_continuous?
6,573 Finding Patterns in a Numpy Array
6,572 Most efficient way to filter a long time series Python
6,567 return index of last non-zero element in list
6,559 Boolean indexing assignment of a numpy array to a numpy array
6,556 slice numpy array by column except for 1 row
6,552 Reshape arbitrary length vector into square matrix with padding in numpy
6,552 Creating a matrix from CSV file
6,548 Is there a way to stack two tensorflow datasets?
6,547 Read a csv with numpy array using pandas
6,547 class Image has no attribute 'fromarray'
6,545 Installing Numpy 1.9.2 for Python 2.7.10 on a 64-bit Windows operating system?
6,542 show multiple image in matplotlib from numpy array
6,542 Python: Pulling data out of dictionary like a 2D array
6,542 Iterate over all pairwise combinations of numpy array columns
6,540 Find uncertainty from polyfit
6,538 Applying SVD throws a Memory Error instantaneously?
6,536 How to use numpy.savez to save array with subarrays into separate .npy files
6,535 Velocity from array of acceleration samples in Python
6,535 Numpy- weight and sum rows of a matrix
6,533 Is there a standard way to store XY data in python?
6,530 Enable Python to utilize all cores for fitting scikit-learn models
6,527 Numpy array to TFrecord
6,527 LU decomposition using python 3
6,527 IndexError: index 1000 is out of bounds for axis 0 with size 1000
6,521 Implementing zero mean and unit variance in numpy
6,519 Do I have Numpy 32 bit or 64 bit?
6,517 Increment Numpy array with repeated indices
6,509 What is the difference between cholesky in numpy and scipy?
6,508 numpy cov (covariance) function, what exactly does it compute?
6,504 Resizing RGB image with cv2 numpy and Python 2.7
6,501 Python OpenCV: Refresh images when a key is pressed
6,501 Iterating over arrays in cython, is list faster than np.array?
6,497 Call a C++ function from Python and convert a OpenCV Mat to a Numpy array
6,493 Speeding up element-wise array multiplication in python
6,491 convert numpy array to cython pointer
6,490 Can't import numpy after Anaconda installed
6,488 missing dimension in numpy array shape [duplicate]
6,484 ''TypeError: Singleton array cannot be considered a valid collection'' using sklearn train_test_split
6,484 how to minimize a function with discrete variable values in scipy
6,483 Open and view .npz file in Python
6,481 Replace value in array when greater than x [duplicate]
6,479 Python: fill a polygon area in an array
6,478 Jacobian and Hessian inputs in `scipy.optimize.minimize`
6,477 Python: numpy array larger and smaller than a value
6,476 Numpy matrix must be 2-dimensional error
6,476 Creating a sparse matrix from numpy array
6,475 Why do casting rules differ between computers in python?
6,475 Strange typecasting when adding int to uint8?
6,472 Convert a 2d matrix to a 3d one hot matrix numpy
6,461 Comparing numpy float arrays in unit tests [duplicate]
6,457 Improving Numpy Performance
6,457 How to convert the time zone of the values of a Pandas Series
6,456 Check if two scipy.sparse.csr_matrix are equal
6,455 Why does ''None in numpy.asarray( ... )'' cause a future warning
6,454 Apply numpy.where on condition with either list or numpy.array
6,453 Enthought Python, Sage, or others (in Unix clusters)
6,452 Average trend curve for data points in Python
6,444 Numpy slicing from variable
6,443 How to plot the integral of a signal as time goes by?
6,442 Multiprocessing : NULL result without error in PyObject_Call
6,441 How to install numpy for PyPy on Windows?
6,439 Convert signed float to uint8 image opencv
6,437 Load TIFF image as numpy array
6,434 Making a Python script to load all npy/npz files in a directory
6,431 Efficient way to calculate distance matrix given latitude and longitude data in Python
6,430 Installing numpy on mac with pip: ''requirements already satisfied'' but ''No module numpy''
6,429 python matplotlib save graph without showing
6,429 OpenCV - numpy array is 'bad argument type' for cv2.imread?
6,429 convert string to 2d numpy array
6,428 Write a data string to a NumPy character array?
6,427 Error in groupby pandas
6,424 how to convert a 1-dimensional image array to PIL image in Python
6,423 Python debugger tells me value of Numpy array is ''*** Newest frame''
6,418 Understanding the syntax of numpy.r_() concatenation
6,418 Numpy sum over planes of 3d array, return a scalar
6,414 Can I produce the result of np.outer using np.dot?
6,412 Fast way to take average of every N rows in a .npy array
6,407 change numpy array type from string to float
6,399 Save numpy based array in different rows of an excel file
6,399 How to create Pandas Series with Decimal?
6,397 Fourier Transformation vs Numpy FFT
6,396 Python 2.7 & PyDev - matplotlib and NumPy not working
6,391 Python Numpy.loadtxt with varied string entries but know line format
6,391 Convert categorical variables from String to int representation
6,390 Memory efficient sort of massive numpy array in Python
6,390 AttributeError: 'tuple' object has no attribute 'type' upon importing tensorflow
6,389 How do I convert a pandas series which is multidimensional to pandas dataframe
6,389 How do I convert a pandas series which is multidimensional to pandas dataframe
6,388 Creating tuples with np.zero
6,387 How to append a ''label'' to a numpy array
6,386 border/edge operations on numpy arrays
6,382 How to replace a value in array in numpy python
6,381 Numpy String Encoding
6,381 How to eliminate the extra minus sign when rounding negative numbers towards zero in numpy?
6,376 Py4Java: ImportError: No module named numpy when running Python shell for Apache Spark
6,373 Keras - TypeError: only integer scalar arrays can be converted to a scalar index
6,371 How to format in numpy savetxt such that zeros are saved only as ''0''
6,370 Using multiple levels of boolean index mask in NumPy
6,370 Storing and loading numpy arrays as files
6,367 Numpy error ValueError: scale <= 0
6,366 Calculate the sum of every 5 elements in a python array
6,363 Generating random numbers with a given probably density function
6,363 generate random numbers truncated to 2 decimal places
6,363 Difference between cv2.findNonZero and Numpy.NonZero
6,362 Computing average of non-zero values
6,359 Timestamp subtraction of time arrays with different timezones
6,358 Converting an array datatime.datetime to float
6,357 Pandas groupby with pct_change
6,356 Why does python/numpy's += mutate the original array?
6,355 Convert numpy array to hex bytearray
6,355 Cannot cast array data from dtype('float64') to dtype('int32') according to the rule 'safe'
6,349 Append Row(s) to a NumPy Record Array
6,348 Numerical integration Loop Python
6,347 Normal Equation Implementation in Python / Numpy
6,346 objects not aligned error
6,345 Python: Fast way of MinMax scaling an array
6,338 Incrementally building a numpy array and measuring memory usage
6,336 Generating a heat map using 3D data in matplotlib
6,335 Gaussian filtering a image with Nan in Python
6,332 Very Basic Numpy array dimension visualization
6,332 Python: rewrite a looping numpy math function to run on GPU
6,330 calling dot products and linear algebra operations in Cython?
6,329 alignment of stacked subplots
6,328 TypeError: mean() got an unexpected keyword argument 'dtype' # Pandas.DataFrame
6,328 Center of mass of a numpy array, how to make less verbose?
6,327 How does np.multiply work?
6,326 Is there a equivalent of scipy.signal.deconvolve for 2D arrays?
6,322 scikit-image Gabor filter error: `filter weights array has incorrect shape`
6,321 Why do ''Not a Number'' values equal True when cast as boolean in Python/Numpy?
6,321 Python/Numpy: Setting values to index ranges
6,321 How to fix 'RuntimeWarning: divide by zero encountered in double_scalars'
6,320 Overflow with numpy.exp()
6,317 Numpy individual element access slower than for lists
6,314 create matrix structure using pandas
6,313 Set a column in numpy array to zero
6,313 Rotated image coordinates after scipy.ndimage.interpolation.rotate?
6,312 How to deal with 'ValueError: operands could not be broadcast together with shapes (10000,) (10000,10) ' in Numpy
6,311 Solving heat equation with python (NumPy)
6,308 Matplotlib 3D surface plot from 2D pandas dataframe
6,303 python: pandas np.where vs. df.loc with multiple conditions
6,302 Append string to a numpy ndarray
6,296 Plotting a masked surface plot using python, numpy and matplotlib
6,295 Remove rows from numpy matrix
6,295 How could I remove the rows of an array if one of the elements of the row does not satisfy a condition?
6,294 Python save txt file in a different folder
6,294 How to draw an unit circle using numpy and matplotlib
6,293 Understanding PyTorch einsum
6,293 Python / Scipy ''invalid index to scalar variable''
6,292 Calculate weighted pairwise distance matrix in Python
6,290 Plot an equation with matplotlib and numpy
6,287 Reading a RAW image (.CR2) using numpy.fromfile
6,286 Sparse Efficiency Warning while changing the column
6,285 'Unexpected Section Title' with Sphinx - is numpy the issue?
6,285 calculating slope for a series trendline in Pandas
6,283 Masking BGR image using a 2D mask
6,281 Replacing -inf values to np.nan in a feature pandas.series [duplicate]
6,281 Pyplot Scatter to Contour plot
6,278 Calculate mean on values in python collections.Counter
6,277 numpy: arange include endpoint
6,277 How to ''remove'' mask from numpy array after performing operations?
6,275 Numpy vectorize, using lists as arguments
6,275 Converting a pandas multi-index series to a dataframe by using second index as columns
6,273 How to create 3D numpy array? [duplicate]
6,271 ValueError: numpy.dtype has the wrong size, with import decomposition [duplicate]
6,271 How to Index multiple items of array with intervals in Python
6,270 Optimal way to append to numpy array
6,268 Pandas DataFrame to Numpy Array ValueError
6,264 Repeat NumPy array without replicating data?
6,264 Julia's Python performance example in pypy
6,261 How can I transform blocks into a blockdiagonal matrix (NumPy)
6,260 numpy array to scipy.sparse matrix
6,256 Plotting histrogram from numpy array
6,256 Difference between random draws from scipy.stats ... rvs and numpy.random
6,249 Preventing overwriting when using numpy.savetxt
6,247 numpy.array to PNG file and back
6,244 Cumsum reset at NaN
6,243 How to convert numpy array to postgresql list
6,243 Fastest way to count array values above a threshold in numpy
6,243 Euclidean distance in Python
6,242 fast way to remove lowercase substrings from string?
6,241 TypeError: 'module' object is not callable . MFCC
6,241 numpy: how to construct a matrix of vectors from vector of matrix
6,238 adding a numpy ndarray to a sparse matrix
6,237 Pass shape tuple to Numpy `random.rand`
6,233 Pandas read dataframe from csv with index as string, not int
6,232 pd.read_csv gives me str but need float
6,231 Python lists/arrays: disable negative indexing wrap-around in slices
6,231 Keep numpy array operator in np.float32
6,230 In sklearn.decomposition.PCA, why are components_ negative?
6,229 Python curves intersection with fsolve() and function arguments using numpy
6,225 numpy.genfromtxt with datetime.strptime converter
6,225 in Python trying to use cv2.matchShapes() from OpenCV
6,221 How to save numpy masked array to file
6,220 Matplotlib: Formatting dates on the x-axis in a 3D Bar graph
6,220 Cannot load mkl_intel_thread.dll on python executable
6,219 How to parallelize a sum calculation in python numpy?
6,217 Why path is not found in python?
6,216 Python how to index multidimensional array with string key, like a dict
6,213 ValueError: Expected n_neighbors <= 1. Got 5 -Scikit K Nearest Classifier
6,212 NumPy resize method
6,212 Correct way to fill a list from a SQL query using pyodbc
6,211 Storing numpy sparse matrix in HDF5 (PyTables)
6,209 Linear regression slope error in numpy
6,207 ValueError: cannot copy sequence with size 821 to array axis with dimension 7
6,207 How to access elements of numpy ndarray?
6,203 How To transpose specific columns into rows in pandas associate other column value
6,201 Augment a matrix in NumPy
6,198 Attribute error: exp in python, works for some functions and not others
6,195 Python Sigma Sums
6,195 Installing `numpy` within a virtualenv in Ubuntu 11.10
6,194 NaN is not recognized in pandas after np.where clause. Why? Or is it a bug?
6,193 ''No loop matching the specified signature'' ERROR when trying to solve linear equation
6,193 my rotation matrix for numpy (python) isn't working
6,191 Python OverflowError: math range error being raised differently in different runs
6,190 Why cannot numpy arrays convert from datetime to np.datetime64 implicitly?
6,189 Python Numpy - Treat really small numbers as zero
6,187 Converting Tensor to np.array using K.eval() in Keras returns InvalidArgumentError
6,185 ImportError: cannot import name 'tree' for sklearn
6,185 Creating multiple arrays within a for loop (Python)
6,184 Convert a 3-channel RGB mage into a 1-channel binary image
6,184 Adding np arrays to existing pandas dataframe
6,182 Implementation of the Gauss-Newton method from Wikipedia example
6,182 How to calculate frequency of a give wave and time
6,181 numpy's complex128 conversion
6,181 NumPy matrix plus column vector
6,180 argsort for a multidimensional ndarray
6,176 NumPy reading file with filtering lines on the fly
6,175 Pandas: aggregate when column contains numpy arrays
6,174 Check if values in a set are in a numpy array in python
6,173 turn double square brackets to single
6,173 PyCharm can't find a reference yet it definitely exists
6,173 Pass args for solve_ivp (new SciPy ODE API)
6,172 Timeline bar graph using python and matplotlib
6,172 Shape recognition with numpy/scipy (perhaps watershed)
6,172 Scipy Import Error; cannot import name NUMPY_MKL
6,172 Create NumPy array from another array by specifying rows and columns
6,171 What is the use of numpy.random.seed() Does it make any difference?
6,169 What is the purpose of numpy.where returning a tuple?
6,167 Why are lil_matrix and dok_matrix so slow compared to common dict of dicts?
6,167 numpy's interp function - how to find a value of x for a given value of y?
6,167 Converting bsxfun with @times to numpy
6,165 Gauss-Jordan Elimination in python
6,164 Numpy reshape inplace
6,164 Numpy rebinning a 2D array
6,164 I get `No module named _multiarray_umath` when using matplotlib
6,160 Printing the equation of the best fit line
6,159 applying ''tighter'' bounds in scipy.optimize.curve_fit
6,158 scipy stats geometric mean returns NaN
6,157 Pandas: Select values from specific columns of a DataFrame by row
6,154 'DataFrame' object has no attribute 'ravel' when transforming target variable?
6,150 fast python numpy where functionality?
6,149 IPython - have print default to print head & tail on long variables
6,147 Most dominant color in RGB image - OpenCV / NumPy / Python
6,146 Crop out the top of an image numpy (or scipy)
6,145 numpy: log with -inf not nans
6,144 Tensorflow: How can I assign numpy pre-trained weights to subsections of graph?
6,143 Installing Numpy locally
6,140 Seeding random number generators in parallel programs
6,139 How to append many numpy files into one numpy file in python
6,138 Why does this implementation of multiprocessing.pool not work?
6,138 In python, how does one efficiently find the largest consecutive set of numbers in a list that are not necessarily adjacent?
6,137 linear combinations in python/numpy
6,137 how to use numpy.vectorize or numpy.frompyfunc
6,134 Why the negative reshape (-1) in MNIST tutorial?
6,134 find tangent vector at a point for discrete data points
6,132 I am trying to implement GridSearchCV to tune the parameters of K nearest neighbor classifier
6,130 Why is the adjoint of a matrix in numpy obtained by np.matrix.getH()
6,130 how to split 'number' to separate columns in pandas DataFrame
6,129 Select rows in a Numpy 2D array with a boolean vector
6,129 Can't use /= on numpy array
6,129 Can I use a numpy array to generate folds for cross validation?
6,128 Writing and reading complex numbers using numpy.savetxt and numpy.loadtxt
6,126 Python plot log scale set xticks?
6,126 Applying multiple masks to arrays
6,117 What is numpy.fft.rfft and numpy.fft.irfft and its equivalent code in MATLAB
6,110 Assign value to multiple slices in numpy
6,107 numpy genfromtxt/pandas read_csv; ignore commas within quote marks
6,107 Compare two arrays with different size - python numpy
6,099 Eigen Matrix vs Numpy Array multiplication performance
6,098 Problems with newline parameter in numpy savetxt function
6,096 timedelta error with numpy.longdouble dtype
6,093 Error when running tests of scipy and numpy on OS X Snow Leopard
6,092 'numpy.ndarray' object has no attribute 'mode'
6,091 TypeError: unhashable type: 'numpy.ndarray' in plt.scatter
6,091 How to check a condition on each element of each row with numpy
6,088 AttributeError: module 'numpy' has no attribute 'matlib' [duplicate]
6,086 ufunc 'multiply' did not contain a loop with signature matching types dtype('<U32') dtype('<U32') dtype('<U32')
6,085 Is freeing handled differently for small/large numpy arrays?
6,084 How to calculate differences across n columns in pandas rather than rows
6,082 Scipy ValueError: Total size of new array must be unchanged
6,082 Retain unchanged data when saving Numpy array to image with Scipy imsave
6,082 Easiest way to create a NumPy record array from a list of dictionaries?
6,081 groupby, count and average in numpy, pandas in python
6,079 How to use ax with Pandas and Matplotlib
6,076 numpy - 2d array indexing
6,074 Sort Pandas DataFrame by value
6,070 Python-pandas Replace NA with the median or mean of a group in dataframe
6,069 TypeError: unorderable types: float() < function()
6,068 ValueError: array length does not match index length
6,068 Convert Pytorch Tensor to Numpy Array using Cuda
6,067 converting a float to decimal type in Python
6,066 Discretized continuous Fourier transform with numpy
6,064 How to do antilog in numpy?
6,062 scipy.stats.multivariate_normal raising `LinAlgError: singular matrix` even though my covariance matrix is invertible
6,062 Is there a numpy biginteger?
6,061 Numpy loadtxt skip first column
6,060 python mean of list of lists
6,055 Difference between numpy.float and numpy.float64
6,054 numpy diff on a pandas Series
6,050 Numpy 2d and 1d array to latex bmatrix
6,049 HOW TO LABEL the FEATURE IMPORTANCE with forests of trees?
6,044 relabel x-axis in matplotlib heatmap
6,043 python sum all previous values in array at each index
6,041 How to append to .mat file using scipy.io.savemat?
6,039 cython / numpy type of an array
6,038 How to duplicate a row or column in a numpy array?
6,037 Transparent colormap
6,037 Converting Comma-Separated String to Numpy Array In Python 3
6,035 np.where multiple return values
6,034 How to solve TypeError: 'numpy.ndarray' object is not callable on Python
6,029 Producing spectrogram from microphone
6,026 Cannot pip install sklearn for Python 3.6
6,023 Plotting 3D image form a data in NumPy-array
6,023 InfogainLoss layer
6,022 Python Multidimensional Array - Adding additional values to beginning and end of each row
6,018 NaNs as key in dictionaries
6,018 C array vs NumPy array
6,018 Augmenting a matrix in Python using numpy
6,016 nested Python numpy arrays dimension confusion
6,015 preprocessing error trying to use OneHot Encoder Python
6,012 numpy.product vs numpy.prod vs ndarray.prod
6,007 How can I produce a numpy-like documentation?
6,005 Keras Masking for RNN with Varying Time Steps
6,003 Python - Find all intersection points of 2 graphs
6,001 geodesic distance transform in python
6,000 Python - Rolling window OLS Regression estimation
6,000 Python 3.4 pip install wheel fails on Yosemite - ''not a supported wheel on this platform''
5,996 scipy.test() fails with many assertion errors
5,995 numpy loadtxt IndexError: list index out of range
5,991 Python Scipy Optimization.minimize using SLSQP showing maximized results
5,991 How does numpy.linalg.inv calculate the inverse of an orthogonal matrix?
5,987 read matlab v7.3 file into python list of numpy arrays via h5py
5,987 numpy polyfit passing through 0
5,986 Compute eigenvectors of image in python
5,983 Matplotlib histogram from numpy histogram output [duplicate]
5,983 Creating numpy array from pandas dataframe [duplicate]
5,982 Matplotlib: Two datasets on one image
5,981 Avoid overflow when adding numpy arrays
5,979 "TypeError: 'NoneType' object is not subscriptable
5,978 Adding an alpha channel to a Monochrome Image using Open CV Python
5,976 Importing Numpy into functions
5,975 Sampling from bivariate normal in python
5,975 Efficiently remove rows/columns of numpy image array
5,968 Calculate Distances Between One Point in Matrix From All Other Points
5,966 How to plot y=1/x as a single graph [duplicate]
5,965 How to install SciPy stack with pip and homebrew?
5,965 Finding coordinates of brightest pixel in an image and entering them into an array
5,962 ValueError: could not broadcast input array from shape (25,1) into shape (25)
5,962 Python Prime Number Generator Numpy [closed]
5,962 Python Pandas find non zero indices
5,962 Python: extract a 2D array from a 3D array
5,961 Pandas Dataframe or Panel to 3d numpy array
5,960 How to vectorize a data frame with several text columns in scikit learn without losing track of the origin columns
5,957 Create numpy array with random elements from list
5,954 why does numpy give the dimension mismatch error?
5,954 When getting an ROI from a numpy array (opencv image) why does img[y0:y1, x0:x1] seem to use an inconsistent range of indicies?
5,949 How to create a random array in a certain range
5,948 WXPython with MatPlotLib
5,947 Plotting a 3D Meshgrid: [duplicate]
5,947 Input via a plot in matplotlib
5,946 Calculate rotation matrix to align two vectors in 3D space?
5,945 Modify actual element value in array numpy
5,944 Access multiple elements of an array
5,943 Concatenating with empty numpy array
5,943 AttributeError: 'numpy.ndarray' object has no attribute 'cos'
5,941 Multiply all columns in a Pandas dataframe together
5,941 How to read NetCDF variable float data into a Numpy array with the same precision and scale as the original NetCDF float values?
5,938 python/numpy ValueError: Expected 1D or 2D array, got 0D array instead
5,937 Using Use a.any() or a.all()
5,928 Creating numpy array of matrices
5,927 How np.argsort works in pandas DataFrame?
5,925 Finding unique points in numpy array
5,924 Fastest way to shift a Numpy array
5,923 Numpy/scipy deprecation warning for ''rank''
5,923 HDF5 : storing NumPy data
5,923 Cumulative summation of a numpy array by index
5,920 Differences between Numpy divide and Python divide?
5,919 TypeError when indexing a list with a NumPy array: only integer scalar arrays can be converted to a scalar index
5,919 Interpolating one time series onto another in pandas
5,918 How to filter a numpy.ndarray by date?
5,918 Find the Most common term in Scikit-learn classifier [duplicate]
5,918 Convert np.ndarray to np.array in python
5,915 Trying to compute softmax values, getting AttributeError: 'list' object has no attribute 'T'
5,912 cx_freeze fails to create exe with pandas library
5,909 timeit module in python does not recognize numpy module
5,908 Random flipping and RGB jittering/slight value change of image?
5,907 Installing scipy with pip on a linux server
5,907 How to find nearest value that is greater in numpy array?
5,906 Numpy inner product of 2 column vectors
5,900 Pandas Dataframe - Get index values based on condition
5,899 Print all the non-zero element in a 2D matrix in Python
5,899 How to force numpy array order to fortran style?
5,898 Python savetxt header
5,898 Match filtering in Python
5,898 How to read only specific rows from a text file? [duplicate]
5,898 change the values of an array from nan to zero
5,897 Joining two 2D numpy arrays into a single 2D array of 2-tuples
5,897 How can I read and write binary files?
5,896 ValueError: Unknown format code 'g' for object of type 'str'
5,896 Normalize scipy.ndimage.filters.correlate
5,896 Fast tensor rotation with NumPy
5,895 Minimizing python function that has numpy array as argument
5,893 How to find the difference between two matrices in Python with the result should not have any values with minus sign
5,889 python numpy argmax to max in multidimensional array
5,889 How to standardize/normalize a date with pandas/numpy?
5,888 Why do Numpy.all() and any() give wrong results if you use generator expressions?
5,885 numpy.getbuffer causes AttributeError: 'module' object has no attribute 'getbuffer'
5,883 Is it possible to reproduce randn() of MATLAB with NumPy?
5,879 Plotting scatter figures in for loop, generating just one figure: Python
5,878 Python plot gantt chart
5,878 numpy: Why is there a difference between (x,1) and (x, ) dimensionality
5,878 numpy vectorize multidimensional function
5,877 How to access an item from S3 using boto3 and read() its contents
5,876 Scipy - find bases of column space of matrix
5,876 How to ignore values when using numpy.sum and numpy.mean in matrices
5,875 How to print full (not truncated) tensor in tensorflow?
5,875 From JSON file to Numpy Array
5,873 Convert binary (0|1) numpy to integer or binary-string?
5,871 Python: confusion between types and dtypes
5,871 Apply function to dataframe column element based on value in other column for same row?
5,867 Sorting numpy array on multiple columns in Python
5,866 Discretization into N categories with equal amounts of observations in each
5,863 Understanding Keras weight matrix of each layers
5,862 Numpy max along axis
5,862 How does pytorch broadcasting work?
5,862 Calculating Mean of arrays with different lengths
5,860 Remove a list from a list of lists Python
5,856 How do I find x given y or vice versa in numpy?
5,855 Why does plt.imshow(im, cmap='gray') not show a grayscale image?
5,854 Asynchronously read and process an image in python
5,853 In Python, how would you check if a number is one of the integer types?
5,850 Elementwise logical comparison of numpy arrays
5,849 NumPy array indexing a 2D matrix
5,848 ValueError: Number of features of the model must match the input. model n_feature> input nfeature
5,846 Python numpy unwrap function
5,846 Convert python byte string to numpy int?
5,844 Display pixels values as an image
5,843 how to find avg of column of csv file
5,842 How can I rotate a 3d array (nxnxn) by x degrees around x, y, and z axes?
5,840 Slice numpy array wth list of wanted rows
5,840 Pandas calculating age from a date
5,839 Trying to plot a defined function
5,838 How to read and write 24-bit wav file using scipy or common alternative?
5,834 Set max number of threads at runtime on numpy/openblas
5,833 Generating low discrepancy quasi-random sequences in python/numpy/scipy?
5,833 Finding first samples greater than a threshold value efficiently in Python (and MATLAB comparison)
5,831 Python: Calculate the Gradient of a 3D grid
5,830 groupby, sum and count to one table
5,830 Create block diagonal numpy array from a given numpy array
5,829 ValueError: Can't convert non-rectangular Python sequence to Tensor
5,828 matplotlib.pcolor very slow. alternatives?
5,827 plotting graphs in numpy, scipy [closed]
5,826 Can't import `multivariate_normal` when using `scipy.stats`
5,825 opencv-python: is not a numpy array
5,824 PySpark: TypeError: StructType can not accept object 0.10000000000000001 in type <type 'numpy.float64'>
5,824 Numpy, Add Column to existing structured array
5,821 Scatter Plot 3D with labels and spheres
5,821 Loadtxt can't find file
5,821 How does Pythonic garbage collection with numpy array appends and deletes?
5,821 compressed files bigger in h5py
5,819 how to convert pandas data frame into numpy data frame
5,818 mpi4py scatter and gather with large numpy arrays
5,817 Python/Numpy: Convert list of bools to unsigned int
5,815 Tensorflow median value
5,814 Can I use my own Python class with numpy or some other matrix library?
5,811 Shipping and using virtualenv in a pyspark job
5,810 Find index positions where 3D-array meets MULTIPLE conditions
5,810 Apply opencv threshold to a numpy array
5,808 Solving system using linalg with constraints
5,808 from visual import * not working (vpython)
5,805 numpy - how do I count the occurrence of items in nested lists by index?
5,804 How to Correctly mask 3D Array with numpy
5,804 Best way to add a new column to a Numpy array
5,802 plot single row of 2d numpy array against 1d list
5,802 Numpy 3d array indexing
5,802 How to normalize a vector in python?
5,801 find the ''elbow point'' on an optimization curve with Python
5,800 Multiplying large sparse matrices in python
5,798 Multiprocessing IOError: bad message length
5,796 Pandas set value in groupby
5,792 How do I load a caffe model and convert to a numpy array?
5,790 Smoothing a 2D array along only one axis
5,790 Python Pandas: can't find numpy.core.multiarray when importing pandas
5,789 Getting the dtype of a result array in numpy
5,788 Python Numpy: reshape is deprecated
5,786 OpenCV Python and Histogram of Oriented Gradient
5,786 Bandpass butterworth filter frequencies in scipy
5,782 Calculating e (base of the natural log) to high precision in Python?
5,780 Python/numpy issue with array/vector with empty second dimension
5,780 python numpy - convert Timestamps to datetime
5,780 Defining precision of floating point number in Python
5,775 Numpy sorting by increasing datetime
5,775 Numpy roll in several dimensions
5,774 Reading two columns of numbers from a text file in python
5,774 numpy: fill offset diagonal with different values
5,774 numpy array C api
5,772 Write lines longer than 80 chars in output file [Python]
5,771 Python: 1d array circular convolution
5,771 Delete elements from numpy array by value [duplicate]
5,770 Numpy: multiplying with NaN values without using nan_to_num
5,770 Matplotlib with JSON files
5,770 how to convert an image from BGR to LAB with opencv 2.4 python 2.7 and numpy
5,770 Filter a 2D numpy array
5,766 Storing information on points in a 3d space
5,762 How can I iterate through numpy 3d array
5,762 Append multiple numpy files to one big numpy file in python
5,761 Python Running Sum in List [duplicate]
5,757 How to calculate the likelihood of curve-fitting in scipy?
5,756 NumPy equivalent of Matlab's magic()
5,755 Python: Divide values in cell by max in each column
5,753 Convert a .sav file to .csv file in Python
5,749 Green to red colormap in matplotlib, centered on the median of the data
5,747 Creating image tiles (m*n) of original image using Python and Numpy
5,746 scipy.optimize.curve_fit: not a proper array of floats error
5,746 Iterate over the output of `np.where`
5,745 Numpy Error ''Could not convert string to float: 'Illinois'''
5,742 How to truncate the values of a 2D numpy array
5,740 How to derive equation from Numpy's polyfit?
5,738 Enum vs String as a parameter in a function
5,738 Calculate max draw down with a vectorized solution in python
5,737 Supposed automatically threaded scipy and numpy functions aren't making use of multiple cores
5,736 2D slice series of 3D array in numpy
5,735 Numpy multidimensional array slicing
5,735 Filter pandas dataframe by list
5,734 Filter pandas Dataframe based on max values in a column
5,731 Populate numpy matrix from the difference of two vectors
5,730 Get a contour (x,y) coordinates of a shape in an image with python
5,730 Calculate multivariate linear regression with numpy
5,728 Identity element for `numpy.hstack`
5,727 Pandas: DataFrame Error - 2 columns passed, passed data had 3 columns
5,727 Installing Numpy on 64bit Windows 8.1 with Python 2.7
5,726 Get the y value of a given x
5,725 Is it possible to compute an inverse of sparse matrix in Python as fast as in Matlab?
5,721 Numpy: calculate based on previous element?
5,720 How can I plot a correlation matrix as a set of ellipses, similar to the R open-air package?
5,719 Apply functions to 3D numpy array
5,718 TypeError: Data type not understood, numpy.zeros [duplicate]
5,718 Error 'numpy.int32' object does not support item assignment
5,713 Save .dta files in python
5,712 How do you use numpy in google app engine (Python)
5,711 Difference between various numpy random functions
5,711 Compute linear regression standardized coefficient (beta) with Python
5,710 How to convert spark sql dataframe to numpy array?
5,708 Python : generating random numbers from a power law distribution [duplicate]
5,706 Filtering a Pandas DataFrame Without Removing Rows
5,706 cosd and sind with sympy
5,704 ''Numpy'' TypeError: data type ''string'' not understood
5,703 combine two arrays and sort
5,702 Split pandas dataframe into chunks of N [closed]
5,702 Is there a numpy function for generating sequences similar to R's seq function?
5,696 OpenCV error: (-215) npoints > 0 in function cv::drawContours
5,696 How to create a numpy array of N numbers of the same value?
5,694 Array interpolation in python?
5,685 Not write out all dates on an axis, Matplotlib
5,685 How to mpf an array?
5,683 Python: Trying to plot error bars on a graph gives ''ValueError: err must be [ scalar | N, Nx1 or 2xN array-like ]''
5,682 Why has the numpy random.choice() function been discontinued?
5,680 Taking the log of each element in a numpy.ndarray?
5,680 Least-Squares Regression of Matrices with Numpy
5,680 How to match cv2.imread to the keras image.img_load output
5,680 How to match cv2.imread to the keras image.img_load output
5,678 ImportError: DLL load failed: Le module sp'cifi' est introuvable
5,678 Convert Numpy array to image by using CV2 or PIL
5,676 How does numpy.transpose work for this example?
5,675 Python - How do I animate my scatterplot?
5,675 can't import NumPy Mac OS X Lion
5,673 Identifying the nearest grid point
5,672 how to perform a linear approximation and get linear equation from an array of data in python
5,667 TypeError: object of type 'numpy.int64' has no len()
5,667 Pytorch equivalent of Numpy's logical_and and kin?
5,665 pandas, convert DataFrame to MultiIndex'ed DataFrame
5,662 Python function that handles scalar or arrays
5,659 Computing Jaccard Similarity in Python
5,659 Apply function to all elements in NumPy matrix [duplicate]
5,656 convert python xgboost dMatrix to numpy ndarray or pandas DataFrame
5,655 Read data from text file, into numpy array in python
5,655 Converting files to digital image failing with ''tile cannot extend outside image''
5,653 convert 3D list to numpy array
5,652 Interpolate large irregular grid onto another irregular grid in Python
5,652 Getting indices of both zero and nonzero elements in array
5,652 Append numpy ndarrays with different dimensions in loop
5,648 BytesIO stream to Numpy arrays? (Picamera)
5,646 Python Numpy or Pandas Linear Interpolation For Datetime related Values
5,645 Unmasking of masked Numpy array changes masked values to 0's
5,645 Numpy: increment elements of an array given the indices required to increment
5,643 Python: Pandas DataFrame for tuples
5,643 Create scipy curve fitting definitions for fourier series dynamically
5,642 ''import matplotlib.pyplot as plt'' in ipython notebook
5,642 float object is not callable
5,641 frame difference using python
5,640 Cannot import numpy
5,638 Is there an efficient method to convert numpy.ndarray to list?
5,636 Keras - How to use argmax for predictions
5,636 Google Protocol Buffers, HDF5, NumPy comparison (transferring data)
5,636 Docker unable to install numpy, scipy, or gensim
5,635 ''AttributeError: sqrt'' when calculating a simple standard deviation
5,633 QImage to Numpy Array using PySide
5,633 k-nearest neighbour classifier using numpy
5,631 How to draw rounded line ends using matplotlib
5,631 checking for nan's in 2d numpy arrays
5,630 Python: performing FFT on music file
5,629 Numpy array: concatenate arrays and integers
5,628 Python Numpy Apply Rotation Matrix to each line in array
5,626 numpy convert 2D Integer Record to 2D floating point Record
5,625 python: error message
5,624 Bicubic interpolation Python
5,623 Fitting a polynomial using np.polyfit in 3 dimensions
5,621 How to get smooth filled contour in matplotlib?
5,618 numpy correlation coefficient
5,617 Removing nan elements from matrix
5,617 Importing numpy from Thonny: ModuleNotFoundError
5,616 Draw multivariate Gaussian distribution samples using Python numpy.random.randn
5,616 Add columns to pivot table with pandas
5,614 Using Python to change dimensions of numpy array
5,613 What value do I use in a slicing range to include the last value in a numpy array?
5,613 numpy np.array versus np.matrix (performance)
5,612 Convert pandas dataframe to list of tuples
5,610 Create permutation matrix - numpy
5,609 Python: How to check if an array is contained in another array using `numpy.all`and `numpy.any`?
5,608 How to multiply two quaternions by python or numpy [duplicate]
5,608 function to get number of columns in a NumPy array that returns 1 if it is a 1D array
5,606 Importing the numpy c-extensions failed
5,606 Creating a list from user input using a for loop
5,605 Python/Numpy - Quickly Find the Index in an Array Closest to Some Value
5,604 Linear interpolation on a numpy array
5,600 How to concatenate two columns containing list (series) in Pandas
5,597 Python TypeError: UMat() missing required argument 'ranges' (pos 2)
5,597 float64 to float32 Cython Error
5,596 Remove all-zero rows in a 2D matrix [duplicate]
5,595 Why do scipy and numpy fft plots look different?
5,593 PyBrain: Loading data with numpy.loadtxt?
5,593 How to decode a numpy array of dtype=numpy.string_?
5,592 opencv: TypeError: mask is not a numerical tuple
5,592 IndexError: index 1 is out of bounds for axis 1 with size 1
5,591 Save & Retrieve Numpy Array From String
5,590 Python — confused by numpy's piecewise function
5,588 pandas and numpy thread safety
5,588 delimiter [0001] in a text file, reading using np.loadtxt in python
5,588 Assign ImageDataGenerator result to Numpy array
5,587 How to find symmetric mean absolute error in python?
5,585 Install Numpy 1.9.2 on Ubuntu from Terminal
5,584 circular numpy array indices
5,583 Code for logistic equation
5,581 numpy testing assert array NOT equal
5,580 Better way to pack numpy array?
5,579 how to use for loop with numpy array?
5,576 What's the fastest way to threshold a numpy array?
5,576 How to pass a numpy ndarray as a color in OpenCV?
5,575 How to convert a .npz format to .csv in python?
5,574 Python - Calculate Hierarchical clustering of word2vec vectors and plot the results as a dendrogram
5,573 More efficient way to remove last N values fom np.array
5,572 python shape too large to be a matrix
5,566 Two methods to normalise array to sum total to 1.0
5,564 numpy.dot -> MemoryError, my_dot -> very slow, but works. Why?
5,561 find indices of the elements smaller than x numpy
5,559 How can I cleanly normalize data and then ''unnormalize'' it later?
5,558 How to get indices of non-diagonal elements of a numpy array?
5,556 Numpy array to PIL image format
5,556 how to install matplotlib in python 3 with os windows
5,555 Correlation coefficient of multidimensional arrays
5,552 KeyError: nan in dict
5,552 How do I convert a 2D numpy array into a 1D numpy array of 1D numpy arrays?
5,551 numpy apply_along_axis on a 1d array
5,549 How to get rid of ''RuntimeWarning: invalid value encountered in greater''
5,546 Creating a ''white'' image in numpy (2-D image)
5,546 Create a Numpy scalar from dtype
5,546 Audio Frequencies in Python
5,545 Why list comprehension is much faster than numpy for multiplying arrays?
5,545 How do I read numpy source?
5,545 Chi Square Test of Independence in Python
5,542 Ternary operator for NumPy ndarray?
5,542 Python Linear Equations - Gaussian Elimination
5,540 Writing into a NumPy memmap still loads into RAM memory
5,537 variance vs coefficient of variation
5,536 Python Open CV perspectiveTransform()
5,536 Python/Numpy - Extract a 2-d Sub-array from a 2-d array using variables
5,532 ValueError: Error parsing datetime string NumPy
5,532 Clean up excel data with python using pandas package
5,529 Minimum of Numpy Array Ignoring Diagonal
5,529 Minimize overhead in Python multiprocessing.Pool with numpy/scipy
5,526 size of executable using pyinstaller and numpy
5,526 Index a SciPy sparse matrix with an array of booleans
5,526 How to insert zeros between elements in a numpy array?
5,525 Scipy minimize, fmin, leastsq type problems (setting array element with sequence), bad fit
5,524 using Fourier transforms to do convolution?
5,522 IndexError: invalid slice
5,521 pow or ** for very large number in Python
5,521 plotting markers on top of axes
5,521 How to create a random networkx graph with random weights [closed]
5,521 Combining multiple 1D arrays returned from a function into a 2D array python
5,518 Get the inverse function of a polyfit in numpy
5,518 Deblur an image using scikit-image
5,517 python(or numpy) equivalent of match in R
5,517 How can I change the default version on Python on linux in order to install and use certain modules?
5,516 resize an array with a specific value
5,515 TypeError: corr() missing 1 required positional argument: 'other'
5,514 Python: from list of tuples of arrays to list of lists
5,513 No module named numpy.core.multiarray
5,513 How to smooth a line using gaussian kde kernel in python setting a bandwidth
5,512 What does numpy's percentile function do exactly?
5,510 inverse matrix Python3 mpi4py EOFError: EOF when reading a line
5,509 Rectangular bounding box around blobs in a monochrome image using python
5,508 Python apply_along_axis of multiple arrays
5,503 cimport numpy not working in cython; error message unclear (to me)
5,502 Adjusting contrast of image purely with numpy
5,500 Scipy interpolation with masked data?
5,499 Slice a Pandas dataframe by an array of indices and column names
5,499 How to pipe binary data into numpy arrays without tmp storage?
5,499 Fitting data points to a cumulative distribution
5,497 What is the inverse of numpy's log1p?
5,491 extract columns from matrix
5,490 scipy sparse matrix division
5,490 How can I plot maximum likelihood estimate in Python
5,489 Making numpy arrays JSON serializable
5,488 Converting data to missing in pandas
5,487 numpy.sin(pi) returns negative value
5,486 Initializing a matrix with random number from given range - python
5,486 How to use numpy functions on a keras tensor in the loss function?
5,479 How can I slice a numpy array by the value of the ith field?
5,470 Comparing values in two numpy arrays with 'if'
5,469 Why ndarray allow floating point index
5,469 How to fit a 2D ellipse to given points
5,468 No module named numpy with pypy
5,468 ConversionError: Failed to convert value(s) to axis units
5,468 c malloc array pointer return in cython
5,465 How to make video from an updating numpy array in Python
5,463 Plot max of graph using python
5,463 Need help to parallelize a loop in python
5,462 how to randomly sample in 2D matrix in numpy
5,462 Convert a string list to float32 efficiently
5,461 How to create a pandas DataFrame with several numpy 1d arrays?
5,457 Efficiently create 2d histograms from large datasets
5,456 Python: separate matrix by column values
5,456 Interpolating data from a look up table
5,455 Finding local maxima of xy data point graph with numpy?
5,454 How can I create a slice object for Numpy array?
5,451 Removing nan values from a Python List
5,448 How can each element of a numpy array be operated upon according to its relative value?
5,448 Curve fitting in python
5,446 Deleting diagonal elements of a numpy array
5,445 Having trouble plotting 2-D histogram with numpy.histogram2d and matplotlib
5,443 py2exe and numpy not getting along
5,439 Subtracting a number for each element in a column
5,437 Write a 2D array to a text file [duplicate]
5,433 Block mean of numpy 2D array
5,431 Python - greyscale image to 3 channels
5,429 Convert CSV to numpy
5,428 Trying to print out the decision tree for a forest from scikit-learn ensemble
5,428 python pandas if column string contains word flag
5,427 Numpy Routine for Computing Matrix Minors?
5,425 Max Distance between 2 points in a data set and identifying the points
5,425 extracting phase information using numpy fft
5,422 Create matrix in a loop with numpy
5,421 How can I attach a pyplot function to a figure instance?
5,421 Change dtype of recarray column for object type
5,420 install numpy.exe silently with batch file in windows
5,420 How does numpy reshape works?
5,416 Durbin–Watson statistic for one dimensional time series data
5,414 Pandas & NumPy on Pythonista iPad App [closed]
5,412 Using Eigen::Map<Eigen::MatrixXd> as function argument of type Eigen::MatrixXd
5,412 KL-Divergence of two GMMs
5,412 How to speed up numpy code
5,411 Python : ImportError: No module named numpy
5,410 How to understand numpy strides for layman?
5,410 Efficient way to combine pandas data frames row-wise
5,405 Json Encoder AND Decoder for complex numpy arrays
5,405 I want to use NumPy/SciPy. Should I use Python 2 or 3?
5,403 Multiple linear regression python
5,401 Return the int value for a specific column in a pandas data frame
5,399 Why won't Perceptron Learning Algorithm converge?
5,398 Initialize empty list with same shape as array
5,393 Combinatoric / cartesian product of Numpy arrays without iterators and/or loop(s) [duplicate]
5,392 Efficient outer product in python
5,390 numpy.polyfit: How to get 1-sigma uncertainty around the estimated curve?
5,390 How to accelerate matrix multiplications in Python?
5,390 Creating tz aware pandas timestamp objects from an integer
5,386 ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all(): Silhouette performance algorithm
5,386 Numpy: loadtxt() with variable number of columns
5,382 HDF5-DIAG: Error detected in HDF5 (1.8.11)
5,382 Group by max or min in a numpy array
5,381 Top n rows in a matrix?
5,380 Take average of columns in a numpy array
5,380 sklearn dimensionality issues ''Found array with dim 3. Estimator expected <= 2''
5,378 how to get the gaussian filter?
5,376 Should I use `readinto` method of python file or not?
5,374 Saving dictionaries to file (numpy and Python 2/3 friendly)
5,373 library path for setup.py?
5,370 Round/Approximate a float number to 3 decimal place in Python pandas DataFrame
5,369 convert strings in list to float
5,367 Poisson confidence interval with numpy
5,366 Python - TypeError: object of type 'numpy.int32' has no len()
5,366 performing outer addition with numpy
5,365 How to read and write to CSV Files in Python
5,365 Converting numpy arrays of arrays into one whole numpy array
5,365 calculating distance matrix of a given row-wise vector matrix
5,363 Efficient way to find null values in a dataframe
5,362 Matplotlib normalize colorbar (Python)
5,362 Check for array - is value contained in another array?
5,360 numpy.loadtxt gives ''not iterable'' error
5,359 numpy around/rint slow compared to astype(int)
5,358 Python/Numpy - Get Index into Main Array from Subset
5,358 python np.c_ error''CClass object is not callabel''
5,357 Python: How can I force 1-element NumPy arrays to be two-dimensional?
5,357 Numpy mask based on if a value is in some other list
5,356 why OpenCV cv2.resize gives different answer than MATLAB imresize?
5,354 Pythonpath is still ignored and unable to install locally with pip
5,352 python: numpy list to array and vstack
5,347 How to extract the bits of larger numeric Numpy data types
5,346 Set Union in pandas
5,341 Quantile/Median/2D binning in Python
5,341 Calculate min of rows ignoring NaN values
5,340 Matplotlib: align origin of right axis with specific left axis value
5,337 Generating a probability from a pdf?
5,333 Python pandas insert long integer
5,333 Deleting Zeros from Numpy Array in Python
5,331 python why use numpy.r_ instead of concatenate
5,329 Python sklearn: Numpy Conversion Error during scaling
5,327 Setting the axes tick values of a seaborn jointplot
5,325 how to find minimum/maximum values axis by axis in numpy array
5,324 How to read complex numbers from file with NumPy?
5,323 Scipy Sparse - distance matrix (Scikit or Scipy)
5,323 IndexError: boolean index did not match indexed array along dimension 1; dimension is 3 but corresponding boolean dimension is 10
5,323 Find multiple values within a Numpy array
5,322 simple numpy.sum raises ValueError: 'axis' entry is out of bounds
5,321 Replace an element in a numpy array at specific index
5,321 DLL load failed - not a valid Win32 application - with NumPy
5,316 Calculating distance between *multiple* sets of geo coordinates in python
5,314 Which pip is with which python?
5,314 Combining logic statements AND in numpy array
5,312 Numpy Matrix to tkinter Canvas
5,311 python imshow grayscale static color values
5,309 Is there a MATLAB accumarray equivalent in numpy?
5,304 How to configure color when convert CV2 numpy array to QImage?
5,302 Resolving PyDev Unresolved imports regarding numpy & sklearn
5,301 a simple, matlab-like way of finding the null space of a small matrix in numpy (and number formatting) [duplicate]
5,300 What's wrong with my PCA?
5,300 Reading h264 stream in Python
5,298 numpy.where: TypeError: invalid type promotion
5,298 Get minimum point(s) of numpy.poly1d curve
5,297 Nearest Neighbor Search in Python without k-d tree
5,294 Swap Array Data in NumPy
5,294 Selecting dictionary items by key efficiently in Python
5,294 Python Error: 'numpy.float64' object has no attribute 'append'
5,290 Pandas: ValueError - operands could not be broadcast together with shapes
5,290 How to store an array in hdf5 file which is too big to load in memory?
5,290 counting objects using scikit-image label
5,284 How to bin a 2D array in numpy?
5,281 Smoothing online data on Python with savgol_filter from scipy.signal library
5,281 Pickle file size when pickling numpy arrays or lists
5,280 Pandas series case-insensitive matching and partial matching between values
5,277 Trouble reading nested JSON in pandas dateframe
5,277 numpy.array of an ''I;16'' Image file
5,276 Error with OMP_NUM_THREADS when using dask distributed
5,273 Numpy read big-endian data: data type format
5,271 Re-scaling outputs from a Keras model back to original scale
5,270 Using numpy.cov on a vector yields NANs
5,270 How to shade region under a function in octave?
5,266 Pass user built json encoder into Flask's jsonify
5,265 How to extract a sub-array in numpy efficiently?
5,265 faster way to append value
5,265 convert list and list of lists to scipy sparse arrays
5,259 Why is cv2.projectPoints not behaving as I expect?
5,259 Ipython / pylab / matplotlib plotting error
5,259 Efficient pairwise DTW calculation using numpy or cython
5,257 Python: Cosine similarity between two large numpy arrays
5,257 How does numpy.reshape() with order = 'F' work?
5,255 Missing interpolate in scipy 0.17
5,251 Python: AttributeError: '''numpy.float64' object has no attribute 'tanh'''
5,250 Link MKL to an installed Numpy in Anaconda?
5,249 python: import numpy as np from outer code gets lost within my own user defined module
5,248 numpy merge sorted array to an new array?
5,248 Multiplying every element of one array by every element of another array
5,246 Python OpenCV : inverting colors in a numpy image array
5,245 getting the image from VideoCapture object using read()
5,245 Extract items from array: between given values/conditions
5,244 How to fill upper triangle of numpy array with zeros in place?
5,244 How do I convert a django QuerySet to numpy record array?
5,243 Are numpy's basic operations vectorized, i.e. do they use SIMD operations?
5,241 Identify contiguous regions in 2D numpy array
5,241 How to convert NumPy array image to TensorFlow image?
5,240 Doing arithmetic with up to two decimal places in Python?
5,238 Keras: ValueError: decode_predictions expects a batch of predictions
5,238 how can I flatten an 2d numpy array, which has different length in the second axis?
5,237 Python Numpy: Extracting a row from an array
5,237 Creating a new array having logarithmic values of elements in another array in Python
5,235 how to calculate the estimated joint probability distribution for the red and green pixels only in a png image?
5,234 Converting a matrix created with MATLAB to Numpy array with a similar syntax
5,233 Python: memory error while changing data type from integer to float
5,233 how to change pixel value in a numpy array
5,230 CV_8UC1 (Error-215) in function adaptiveThreshold
5,230 creating a numpy array of arrays while looping (Python)
5,229 Numpy.eig and the percentage of variance in PCA
5,228 Test for statistically significant difference between two arrays
5,228 Python linspace limits from two arrays
5,227 Using numpy/scipy to identify slope changes in digital signals?
5,227 combining 2D arrays to 3D arrays
5,226 Python/Numpy - Masked Arrays are Very Slow
5,221 building an nxn matrix in python numpy, for any n
5,219 A python function that accepts as an argument either a scalar or a numpy array
5,218 Creating same random number sequence in Python, NumPy and R
5,215 Serialize a tuple of numpy arrays
5,214 Fastest way to cast all dataframe columns to float - pandas astype slow
5,213 Numpy array, fill empty values for a single column
5,213 Calculate numpy.std of each pandas.DataFrame's column?
5,212 Is numpy+mkl faster than numpy?
5,211 save dataframe.hist() to a file
5,211 read an ascii file into a numpy array
5,211 MatPlotLib, datetimes, and TypeError: ufunc 'isfinite' not supported for the input types…
5,211 Extract blocks or patches from NumPy Array
5,209 Python openCV 2.4.3 cv2.SolvePnP error
5,207 Randomly split a numpy array
5,207 Finding min and max and other functions, pandas series
5,205 Speeding up reading of very large netcdf file in python
5,205 Problems install SciPy
5,205 computing z-scores for 2D matrices in scipy/numpy in Python
5,204 sum parts of numpy.array
5,204 Can Django work well with pandas and numpy?
5,203 Python Pyinstaller 3.1 Intel MKL FATAL ERROR: Cannot load mkl_intel_thread.dll
5,202 uploading data using Numpy.genfromtxt with multiple formats
5,202 Python one hot vector encoding
5,201 using SciPy to integrate a function that returns a matrix or array
5,201 plt.hist() vs np.histogram() - unexpected results
5,199 Python: Index an array using the colon operator in an arbitrary dimension
5,195 Why ndimage.label(image) labels extra shapes among the considered ones?
5,195 numpy arange: how to make ''precise'' array of floats?
5,195 increasing float-point numbers accuracy [closed]
5,193 Reshape 1d array to 3d array numpy
5,193 Is there a numpy.where() equivalent for row-wise operations?
5,191 np.ndarray with Periodic Boundary conditions
5,190 Using numpy.apply
5,188 python - saving numpy array to a file (smallest size possible)
5,187 Extract array from arrays of arrays
5,186 name 'datasets' is not defined
5,185 Fast Fourier Transform using NumPy: why it looks like this?
5,185 DataConversionWarning fitting RandomForestRegressor in Scikit
5,183 Python numpy : ''Array is too big''
5,183 Create closed polygon from boundary points
5,181 remove zeros from nparray efficiently
5,181 Installing pygame on ubuntu
5,181 How to use numpy in optional typing
5,178 What does the numpy.linalg.norm function?
5,178 numpy vstack throwing dimension error
5,178 Numpy 4x3 matrix LinAlgError: 1-dimensional array given. Array must be at least two-dimensional
5,177 Permanently remove something from python sys.path
5,175 UnicodeDecodeError: 'ascii' codec can't decode byte 0xe6 in position 1206: ordinal not in range(128)
5,175 Numpy fastest 3D to 2D projection
5,175 Flattening and unflattening a nested list of numpy arrays
5,174 matplotlib 1.4.2 with Seaborn: line markers not functioning
5,174 How to sum up a column in numpy
5,173 TensorFlow ValueError Dimensions are not compatible
5,173 Producing 2D perlin noise with numpy
5,173 Overflow Error in Neural Networks implementation
5,171 Computing a power spectrum
5,169 In PyInstaller, Why Won't NumPy.Random.Common Load as a Module?
5,169 How to convert Nifti file to Numpy array?
5,168 Map a NumPy array of strings to integers
5,168 How to remove frequency from signal
5,167 End ticks in colorbar - matplotlib
5,166 Numbers logarithmically spaced between two floats in numpy
5,164 Find the non-intersecting values of two arrays
5,163 Detrending a time-series of a multi-dimensional array without the for loops
5,163 convert text columns into numbers in sklearn
5,162 Comparing two large lists in python
5,160 Solving Matrix Differential Equation in Python using Scipy/Numpy- NDSolve equivalent?
5,160 Slow Stochastic Implementation in Python Pandas
5,160 python error : ''TypeError: only length-1 arrays can be converted to Python scalars''
5,160 Add values to a Scipy sparse matrix with indexes and values
5,157 Python SciPy IndexError: the length of bounds is not compatible with that of x0
5,157 Fitting and Plotting Lognormal
5,157 Find multiple maximum values in a 2d array fast
5,154 What does ''an intermediate result is being cached'' mean?
5,154 Simple Linear Regression in Python
5,154 Geometric median of multidimensional points
5,153 Index Python List with Numpy Boolean Array
5,153 Handling HUGE numbers in numpy or pandas
5,153 Efficient way to create a diagonal sparse matrix
5,153 Danger of mixing numpy matrix and array
5,153 Can't run pip: UnicodeDecodeError
5,153 2D Numpy array to HTML table?
5,152 Drawing lines between pairs in Python
5,152 Contour plot of image gives: TypeError Input must be 2D array error
5,151 Find location of image inside bigger image
5,151 Check if two numpy arrays are identical
5,150 Element-wise power of scipy.sparse matrix
5,148 Making Plot of Numpy Array Values
5,148 Loading a date in Numpy genfromtxt
5,145 Python pandas - new column's value if the item is in the list
5,143 How do you create a numpy vertical arange?
5,143 How can I check if my installed numpy is compiled with SSE/SSE2 instruction set?
5,142 numpy array divide column by vector
5,141 Python delete row in numpy array
5,139 Index a numpy array with another array
5,139 Elementwise if elif function in python using arrays
5,133 Zero Padding a 3d Numpy array
5,129 Numpy dtype for list with mixed data types
5,124 merge 2D array into a list python
5,123 Theano conv2d and max_pool_2d
5,123 numpy: savetxt Mismatch between array dtype ('int32') and format specifier ('%d')
5,122 How to do feature extraction using Gabor filter?
5,121 Invalid number of arguments in equation
5,119 ValueError: operands could not be broadcast together with shapes
5,118 How to convert image which mode is ''1'' between PIL and numpy?
5,117 Problems on how to transpose single column data in python
5,116 transform the upper/lower triangular part of a symmetric matrix (2D array) into a 1D array and return it to the 2D format
5,116 python - matplotlib - polar plots with angular labels in radians
5,115 Save Confusion Matrix in Python SKLEARN
5,115 Create empty 3D numpy array and append it with each new given value
5,113 Best way to create a 2D Contour Map with Python
5,112 Find likeliest periodicity for time series with numpy's Fourier Transform?
5,111 What are the rules for comparing numpy arrays using ==?
5,111 Using Numpy's random.choice to randomly remove item from list
5,108 MATLAB-like array indexing with Numpy [duplicate]
5,107 numpy filter points within bounding box
5,106 value error when using numpy.savetxt
5,105 numpy save an array of different types to a text file
5,104 pandas diff() giving 0 value for first difference
5,101 How to get orthogonal distances of vectors from plane in Numpy/Scipy?
5,100 Convert array of lists to array of tuples/triple
5,099 Matplotlib - Plot multiple lines on the same chart [duplicate]
5,096 Var(x) and cov(x, x) don't give the same result in numpy
5,096 Concatenate numpy array within a for loop
5,095 Stacking copies of an array/ a torch tensor efficiently?
5,095 Replace values in specific columns of a numpy array
5,094 How to recover a numpy array from npy.gz file
5,094 Controlling alpha value on 3D scatter plot using Python and matplotlib
5,094 Calculate overlap area of two functions
5,092 Matrix multiplication with Numpy
5,091 python: TypeError: Not implemented for this type
5,086 Returning groups of correlated columns in pandas data frame
5,086 Python Pandas drop columns based on max value of column
5,080 fastest way to use numpy.interp on a 2-D array
5,077 How to add leading zero formatting to string in Pandas?
5,076 Resize NumPy array to smaller size without copy
5,076 AttributeError: 'OLSResults' object has no attribute 'norm_resid'
5,074 Installing Pandas for Python 2.7 64 bit - Error unable to find vcvarsall.bat
5,073 Easiest way to generate random int64 array in numpy?
5,072 Python, scale float range [0,1) to [min, max)
5,071 Creating a special matrix in numpy
5,070 Display a numpy array in Kivy
5,070 Concatenate all rows of a numpy matrix in python
5,064 Python Logarithm Function
5,064 Add multiple columns to a Pandas dataframe quickly
5,061 ''Too many values to unpack'' in numpy histogram2d
5,061 python: bandpass filter of an image
5,060 Comparing Python, Numpy, Numba and C++ for matrix multiplication
5,059 How do I maintain row/column orientation of vectors in numpy?
5,059 Error when indexing with 2 dimensions in NumPy
5,058 Numpy - assign column data types (dtype) to existing array
5,055 Rounding in numpy?
5,055 Drawing floating numbers with [0, 1] from uniform distribution by using numpy
5,054 Remove double and single square brackets from text file generated from python [closed]
5,053 Importing of 3D STL Image in Python (ImportError: No module named ascii)
5,053 How to compute orthogonal vector in python?
5,052 Numpy - asarray of a list, dimension not automatically set in the vector
5,051 mrdivide function in MATLAB: what is it doing, and how can I do it in Python?
5,050 Time Series using numpy or pandas
5,050 Fill matrix diagonal with different values for each python numpy
5,048 Tensor to numpy array
5,048 Sliding window iterator using rolling in pandas
5,048 pickle faster than cPickle with numeric data?
5,047 How can I create a numpy .npy file in place on disk?
5,043 Error while Installing Numpy
5,042 Simple Mandelbrot set in Python
5,042 Generating the coefficients of a Chebyshev polynomial in Python
5,041 Logarithmic 2D - Histogram using matplotlib
5,041 Fast rolling-sum for list of data vectors (2d matrix)
5,040 Numpy: ImportError: cannot import name TestCase
5,040 How to build a chi-square distribution table
5,040 delete every nth row or column in a matrix using Python
5,038 NumPy boolean array warning?
5,037 numpy array module is not defined
5,036 How do I display dates when plotting in matplotlib.pyplot?
5,035 Can some one explain me what does np.log do?
5,031 Rounding values in a numpy array resulting from matrix calculation
5,031 Filtering even numbers in python [closed]
5,028 Elementwise aggregation (average) of values in a list of numpy arrays with same shape [duplicate]
5,024 What is the easiest way to convert ndarray into cv::Mat?
5,020 Using mkl_set_num_threads with numpy
5,020 Find local minima and maxima simultanously with scipy.signal.argrelextrema
5,017 How slice Numpy array by column value
5,017 Basemap draw line between latitude longitude
5,016 What does numpy.max function do?
5,016 Find common elements in 2D numpy arrays
5,016 Compress/Zip numpy arrays in Memory
5,014 how to mask the specific array data based on the shapefile
5,014 How to do Matrix product of two Data Frames in Panda?
5,014 Error by import numpy: lapack_lite.so: undefined symbol
5,013 How to construct an np.array with fromiter
5,012 Pickle: file or directory not found
5,012 How to find negative elements in a multidimensional array? Use .any() .all() correctly
5,010 Why is this numpy array too big to load?
5,010 Resize 3D stack of images in Python
5,008 Iterate over columns of a NumPy array and elements of another one?
5,008 How to fit a polynomial with some of the coefficients constrained?
5,007 Current best method for wrapping Modern Fortran code with Python
5,007 audioop.rms() - why does it differ from normal RMS?
5,005 How to export numpy ndarray to a string variable?
5,004 Visualizing a multivariate normal distribution with numpy and matplotlib in 3 Dimensions
5,003 How can I get the exponent of each number in a np.array?
5,001 pandas: Get combination of columns where correlation is high
4,999 Python 2D list performance, without numpy
4,994 Display an numpy array with PIL
4,993 Searching a sequence in a NumPy array
4,993 NumPy in IDLE (Python 3.3.2) on Mac OSx 10.8
4,993 Installing seaborn on Docker Alpine
4,992 Replacing Nones in a python array with zeroes
4,992 How to set an numpy array image on a QWidget using PyQt5
4,992 fastest way to find euclidean distance in python
4,990 plotting the eigenvector of covariance matrix using matplotlib and np.linalg
4,990 How to find zero crossings with hysteresis?
4,987 using newaxis in Python
4,987 Calculating XIRR in Python
4,986 What is Numpy equivalence of dataframe.loc() in Pandas
4,986 numpy in Python 3.6: Importing the multiarray numpy extension module failed
4,984 How to determine regions of pixels with a shared value using PIL
4,984 Bug or meant to be: numpy raises ''ValueError: too many boolean indices'' for repeated boolean indices
4,983 Speed up python's struct.unpack
4,982 Stocking large numbers into numpy array
4,979 Stacking arrays in numpy using vstack
4,978 finding nearest items across two lists/arrays in Python
4,977 Converting numpy array to a list [closed]
4,976 You must feed a value for placeholder tensor 'Placeholder_1' with dtype float
4,975 Scipy rankdata reverse highest to lowest
4,975 Python scatter plot with numpy-masked arrays
4,974 install numpy for python 3.4 in ubuntu [duplicate]
4,973 ValueError: shapes (20,1) and (2,1) not aligned: 1 (dim 1) != 2 (dim 0)
4,972 Running median of y-values over a range of x
4,972 MemoryError on large merges with pandas in Python
4,972 How to multiply element by element between matrices in Python?
4,972 How to force polyfit with second degree to a y-intercept of 0
4,966 how to get multiple column from python numpy array
4,963 Numpy: Get rectangle area just the size of mask
4,963 lightweight alternative for pandas
4,962 How can I access output embedding(output vector) in gensim word2vec?
4,960 split array rows into columns from commas
4,960 Numpy load in Jupyter notebook ''IOPub data rate exceeded.''
4,959 Pandas: Cannot convert type <class 'pandas.tseries.index.DatetimeIndex'> to Timestamp
4,958 Least square method in python [closed]
4,958 Efficient cython file reading, string parsing, and array building
4,956 Python/Numpy: Divide array
4,956 How to feed input with changing size in Tensorflow
4,955 pytesseract shows '' 'str' object has no attribute 'save' '' error
4,955 How to compute laplacian of a field?
4,953 PySpark - Create DataFrame from Numpy Matrix
4,952 What do the > < signs in numpy dtype mean?
4,952 Python Pseudo-Voigt fit experimental data
4,950 How to generate random numbers in specyfic range using pareto distribution in Python
4,948 Why the installed numpy in my system does not have matmul?
4,948 Function to replace NaN values in a dataframe with mean of the related column
4,947 Selecting indices for a 2d array in numpy
4,947 Python memory mapping
4,945 Transpose a 1-dimensional array in Numpy without casting to matrix
4,944 Python - List comphrehension with test to avoid division by zero
4,943 Numeric integration in numpy
4,936 delete specific rows from csv using pandas
4,935 Faster way to transform group with mean value in Pandas
4,933 Is there a faster way to search a numpy array
4,931 Np array dot product of vector and array
4,930 Trim / strip zeros of a numpy array
4,930 Scipy Fast 1-D interpolation without any loop
4,929 quickest way to to convert list of tuples to a series
4,929 Python find the indexes of a list given a condition
4,927 ValueError: matrices are not aligned
4,925 concatenate and remove duplicate element from numpy arrays
4,925 Binarize integer in a pandas dataframe
4,922 How to Solve Numba Lowering error?
4,920 Reading numbers from a text file in python
4,919 Softmax function of a numpy array by row
4,919 Shape of list with numpy arrays
4,919 RandomForestClassifier Error: Number of features must match input
4,917 Sharing numpy arrays in python multiprocessing pool
4,917 Python - replace masked data in arrays
4,917 Can I make random mask with Numpy?
4,915 h5py: how to read selected rows of an hdf5 file?
4,912 find the length of the longest consecutive series of numbers [duplicate]
4,912 Coverting Back One Hot Encoded Results back to single Column in Python
4,910 Pythonic way to test if a row is in an array
4,910 Failed building wheel for numpy pandas
4,909 Python - SystemError: NULL result without error in PyObject call
4,908 Fill missing timeseries data using pandas or numpy
4,907 How to set multiple columns in a 2D numpy array without for-loop?
4,907 How do you rotate the numbers in an numpy array of shape (n,) or (n,1)?
4,907 Element-wise constraints in scipy.optimize.minimize
4,906 TypeError: return arrays must be of ArrayType
4,905 NumPy percentile function different from MATLAB's percentile function
4,905 np.reshape returns error 'ValueError: total size of new array must be unchanged'
4,904 Exponential decay curve fitting in numpy and scipy
4,904 After calculating a tensor, how can I show it as a image?
4,903 Double Summation in Python
4,901 When creating a Python bytearray from NumPy array, where does the extra data come from?
4,900 How do I quickly check if all elements of numpy array are floats?
4,897 Reinstalling numpy on OS X using pip - ''can’t be modified or deleted because it’s required by OS X''
4,897 Deleting masked elements in numpy array
4,896 Python code to produce diagonal matrix with 1 above the main diagonal
4,896 Interpreting (and comparing) output from numpy.correlate
4,896 concatenating two multidimensional arrays in numpy
4,896 Adding rows to an empty 2D NumPy array
4,895 ProgrammingError: (psycopg2.ProgrammingError) can't adapt type 'numpy.ndarray'
4,894 XGBoostError: b'[19:12:58] src/metric/rank_metric.cc:89: Check failed: (preds.size()) == (info.labels.size()) label size predict size not match'
4,893 Delete an element from numpy array
4,890 Weighted random sample without replacement in python
4,889 fastest way to arrange data in python numpy based on list
4,888 numpy append changes int to float and adds zeros
4,888 Compute Jaccard distances on sparse matrix
4,888 Append a column to a dataframe in Pandas
4,887 How do I split an ndarray based on array of indexes?
4,887 Euclidean distance with weights
4,886 plot selected rows of numpy array
4,884 Converting Pandas Dataframe types
4,883 Pandas DataFrame with MultiIndex to Numpy Matrix
4,880 Python / Numpy AttributeError: 'float' object has no attribute 'sin'
4,878 pycuda._driver import error (Windows)
4,878 numpy array to permutation matrix
4,877 Sorting a pandas series in absolute value [duplicate]
4,874 Normalizing audio signal
4,873 Skip every nth index of numpy array
4,873 Add rate of change to Pandas DataFrame
4,872 Why is my python/numpy example faster than pure C implementation?
4,869 How to generate random numbers to satisfy a specific mean and median in python?
4,869 FFT in Numpy (Python) when N is not a power of 2
4,869 Extract specific values from array in Python
4,866 kmeans with L1 distance in python
4,864 Numpy append to an empty array
4,864 How to get numpy arrays indexing equivalent in pandas data frame?
4,863 TypeError: 'numpy.float64' object cannot be interpreted as an integer
4,863 Terminology: Python and Numpy - `iterable` versus `array_like`
4,861 Passing array range as argument to a function?
4,861 Integrating functions that return an array in Python
4,860 Reducing numpy memory footprint in long-running application
4,860 Interpreting feature importance values from a RandomForestClassifier
4,859 matplotlib contour input array order
4,856 Numpy: constructing a 3D array from a 1D array
4,856 np.savetxt does not appear to work for n-d arrays
4,856 How to multiply the complex elements by float numbers in numpy?
4,854 Interleave rows of two numpy arrays in Python
4,854 check if two vectors are equal python
4,853 Open / load image as numpy ndarray directly
4,853 Fitting a Gaussian to a set of x,y data
4,853 Cython and numpy speed
4,851 Faster way to count number of string occurrences in a numpy array python
4,846 Numpy.genfromtxt method works in windows but not Linux
4,844 Overflow warnings when performing multiply on numpy masked arrays
4,844 Fourier Transform of Sine Waves with Unexpected Results
4,843 rpy2: Converting a data.frame to a numpy array
4,843 python key value list to panda series
4,843 Networkx: Differences between pagerank, pagerank_numpy, and pagerank_scipy?
4,842 Matrix multiplication. Python
4,842 Calculating cumulative returns in Numpy, problem with array indices
4,841 How can I fit a cosine function?
4,840 Split of numpy array into unequal chunks
4,833 Numpy/Python: Array iteration without for-loop
4,833 Geometric mean applied on row
4,832 How to handle log(0) when using cross entropy
4,832 AttributeError: 'Add' object has no attribute 'log' Python
4,831 Opening Images as Arrays
4,827 Using multi-threading to process an image faster on python?
4,827 Is it possible to np.concatenate memory-mapped files?
4,826 Can't save a dict to mat file
4,825 How can we join two columns of a numpy array into a single column, separating the values by a space?
4,824 return numpy array in cython defined c function
4,824 Matplotlib Scatter plot with numpy row index as marker
4,824 Matplotlib 3D Bar chart: axis issue
4,823 Replacing RGB values in numpy array by integer is extremely slow
4,823 Remove leading and trailing zeros from multidimensional list in Python [closed]
4,823 How to plot grad(f(x,y))?
4,821 Fill numpy array by rows
4,821 Converting pandas dataframe into list of tuples with index
4,818 numpy on multicore hardware
4,818 Int too large to convert to C long while doing .astype(int)
4,817 ImportError: No module named numpy on Ubuntu after Numpy Installation
4,817 Building a Transition Matrix using words in Python/Numpy
4,813 Saving a 3D numpy array to .txt file
4,813 Indexing NumPy 2D array with another 2D array
4,809 numpy loadtxt ValueError: invalid literal for float()
4,809 Is convolution slower in Numpy than in Matlab?
4,809 How do you create numpy.datetime64 object from a unix timestamp and set the timezone to UTC?
4,808 Image to matrix using python
4,808 Find nearest neighbors of a numpy array in list of numpy arrays using euclidian distance
4,807 cimport gives fatal error: 'numpy/arrayobject.h' file not found
4,806 Mask 2D numpy array
4,804 Numpy DeprecationWarning on boolean indexing
4,804 FutureWarning: Method .ptp
4,802 Storing datetime in numpy array
4,801 Converting a PIL image to skimage?
4,800 Which columns are binary in a Pandas DataFrame?
4,800 Overflow in numpy
4,796 Numpy does treat float('nan') and float differently - convert to None
4,796 How to flatten a numpy ndarray along axis?
4,795 scipy.optimize solution using python for the following equation
4,792 Convert dtype of a specific column in a numpy array [duplicate]
4,791 Numpy : can't build a 2-D array of tuples
4,791 Convert string to numpy array of strings
4,790 Pandas unit testing: How to assert equality of NaT and NaN values?
4,790 Mapping function across numpy matrix
4,787 Keras: concatenating model flattened output with vector
4,786 Python: how to convert a string array to a factor list
4,785 Slicing n-dimensional numpy array using list of indices
4,785 How to decide threshold value in SelectFromModel() for selecting features?
4,785 How to apply a binary classifier in Scikit learn when attributes are string (not int or float)
4,785 Creating new pandas DataFrame from existing DataFrame and index
4,782 how to pass an array from c++ to python function and retrieve python returned array to c++
4,781 Python 2d grid : Assigning values to coordinates in the grid
4,781 Pandas DataFrame check if column value exists in a group of columns
4,779 Pickling error: Can't pickle <type 'function'>
4,777 Passing a set of NumPy arrays into C function for input and output
4,776 TypeError: 'numpy.ndarray' object is not callable
4,776 back substitution in python
4,773 Python Pandas: 'numpy.ndarray' object has no attribute 'apply'
4,773 How to add dimension to a tensor using Tensorflow
4,772 Time-series averaging in numpy/python
4,770 Interpolating a closed curve using scipy
4,769 Scale(or normalize) an array like this in numpy?
4,769 Considerations for using ReLU as activation function
4,766 Numpy: Index 3D array with index of last axis stored in 2D array
4,765 Numpy's delete not working
4,764 only one element in numpy array shape [duplicate]
4,763 IndexError: only integers, slices (`:`), ellipsis (` ... `), numpy.newaxis (`None`) and integer or boolean arrays are valid indices using skfeature
4,762 numpy.ndarray' object is not callable - Using Pandas
4,761 Python: inverse empirical cumulative distribution function (ECDF)?
4,760 Numpy getting in the way of int -> float type casting
4,760 How to concatenate images of different shapes using python and opencv?
4,759 FInd all intersections of xy data point graph with numpy?
4,758 How to add a calculated/computed column in numpy?
4,756 python - check if nan float in dictionary
4,755 Is there a way to make numpy.argmin() as fast as min()?
4,755 Installing Numpy on Fedora 19 with pip
4,754 How can i store a list within a numpy 2d array?
4,753 The random number generator in numpy
4,753 Poisson Distribution fit
4,750 How do you compute the expected value of an infinite distribution? (particularly in python)
4,750 Cannot import name StringIO when importing dateutil
4,749 Are element-wise operations faster with NumPy functions than operators?
4,748 Python 2.7 NameError: name 'ax1' is not defined
4,747 IndexError: too many indices for array while plotting ROC curve with scikit-learn?
4,746 Importing data with numpy.loadtxt: No delimiters but fixed column width
4,746 How to use pandas dataframes and numpy arrays in Rpy2?
4,744 Python PIL bitmap/png from array with mode=1
4,744 Correlation matrix in NumPy with NaN's
4,743 Randomly shuffle a sparse matrix in python
4,743 Python Numpy: replace values in one array with corresponding values in another array
4,742 Shuffle one column in pandas dataframe
4,742 Creating Numpy Matrix from pyspark dataframe
4,740 Cant import numpy on mac OSX mountain lion
4,739 best way to create numpy array from FOR loop
4,734 Pip doesn't know where numpy is installed
4,731 How you create a datetime index in pandas
4,730 Numpy Array Set Difference [duplicate]
4,727 Calculating mean vector for multivariate normal distribution python
4,726 What's the time complexity of indexing a numpy array directly
4,725 Fastest way to convert a Numpy array into a sparse dictionary?
4,725 Change subplot size in python matplotlib
4,723 Python: How to read a data file with uneven number of columns
4,722 Dividing matplotlib histogram by maximum bin value
4,721 Python invert binary image; .invert() fails
4,721 numpy.loadtxt ValueError: too many values to unpack
4,721 Check if a large matrix is diagonal matrix in python
4,720 Printing full array properly
4,720 Multiplying 3D matrix with 2D matrix
4,720 Colon, None, slice(None) in numpy array indexers
4,720 Bivariate Gaussian density function in Numpy and Matplotlib [closed]
4,719 element wise test of numpy array is numeric
4,717 How to save numpy ndarray as .csv file?
4,717 comparing columns pandas python
4,716 Why am I getting ''AttributeError: 'tuple' object has no attribute 'savefig'''?
4,715 Index for the end of a numpy array
4,714 why does pandas rolling use single dimension ndarray
4,714 Something wrong with my fft() in python
4,714 Calling Numpy and scikit-learn from C#
4,712 Setting Data Types with Matplotlib and csv2rec
4,712 Rescale a numpy array
4,711 Scipy leastsq: fitting a square grid to experimental points in 2D
4,710 Convert Multidimensional array string to float in python
4,706 Is there a better way to convert 'object' type array to numpy array by replacing 'na' with mean? [duplicate]
4,704 Reshaping arrays in an array of arrays
4,704 Numpy - ValueError: cannot set an array element with a sequence
4,703 Splitting strings in an array in python
4,702 Elegant expression for row-wise dot product of two matrices
4,700 ImportError: numpy.core.multiarray failed to import on windows [duplicate]
4,699 Reading .grd file in Python
4,699 Convert float64 to int64 using ''safe''
4,698 Iterate and modify array with NumPy
4,697 How to remove exponential (scientific notation) when printing NumPy array alements?
4,696 draw csv file data as a heatmap using numpy and matplotlib
4,695 Select N evenly spaced out elements in array, including first and last
4,695 OpenCV in Python - Manipulating pixels
4,694 Vectorize over the rows of an array
4,694 import numpy not working in IDLE
4,690 orthogonalize matrix numpy
4,686 Python: Intersection over Union
4,686 Efficient swapping of elements in numpy array
4,684 Difference between numpy.round and numpy.around
4,683 Improving performance of Cronbach Alpha code python numpy
4,683 Bifurcation diagram
4,679 Multithreading on numpy/pandas matrix multiplication?
4,678 Python Numpy Reshape Error [closed]
4,678 Normalize numpy arrays from various ''image'' objects
4,677 Numpy scale 3D array
4,677 Euclidean distances (python3, sklearn): efficiently compute closest pairs and their corresponding distances
4,675 Numpy: how I can determine if all elements of numpy array are equal to a number
4,675 How can I change the value of a masked array in numpy?
4,675 2D Orthogonal projection of vector onto line with numpy yields wrong result
4,674 Keras (Numpy Input) TypeError: Error converting shape to a TensorShape: int() argument must be a string, a bytes-like object or a number, not 'tuple'
4,674 How to include constraint to Scipy NNLS function solution so that it sums to 1
4,673 In pandas, How to select the rows that contains NaN? [duplicate]
4,671 Installing Pandas - Visual C++ is required, Unable to find vcvarsall.bat
4,670 Python: Analysis on CSV files 100,000 lines x 40 columns
4,668 OpenCV python canny Required argument 'threshold2' (pos 4) not found
4,667 Tensorflow, how to multiply a 2D tensor (matrix) by corresponding elements in a 1D vector
4,667 How to install numpy 1.8 dev on Windows?
4,665 TypeError: only size-1 arrays can be converted to Python scalars
4,665 Read a float binary file into a 2D array in python
4,665 Python Remove brackets from arrays [duplicate]
4,665 plot two seaborn heatmap graphs side by side
4,664 Ordered Logit in Python?
4,664 How to replace 'any strings' with nan in pandas DataFrame using a boolean mask?
4,663 Python: Range or numpy Arange with end limit include
4,662 Numpy dot product
4,662 ImportError: DLL load failed: The specified module could not be found for numpy
4,661 Python: How can I reshape 3D Images (np array) to 1D and then reshape them back correctly to 3D?
4,661 Is there a Julia analogue to numpy.argmax?
4,660 How to set precision of numpy float array when converting from string array?
4,660 How to get current plot's clim in matplotlib
4,659 Convolution without any padding-opencv Python
4,658 Pandas vs. Numpy Dataframes
4,658 Converting a 3D List to a 3D NumPy array
4,656 numpy reshaping multdimensional array through arbitrary axis
4,655 Appending a Matrix in Python within loop
4,654 What is the equivalent of imagesc in OpenCV
4,654 Set white background for a png instead of transparency with OpenCV
4,654 genfromtxt in python code for missing columns
4,653 Improving Numpy speed for Gauss-Seidel (Jacobi) Solver
4,653 find mean bin values using histogram2d python [duplicate]
4,652 Numpy Standard Deviation AttributeError: 'Float' object has no attribute 'sqrt'
4,651 Python ValueError: setting an array element with a sequence
4,651 Multiple plots in a single matplotlib figure
4,650 NumPy k-th diagonal indices
4,650 Calculating pdf of Dirichlet distribution in python
4,649 How to handle large amouts of data in tensorflow?
4,649 Finding day of the week for a datetime64
4,648 How to change the sampling rate of the data
4,648 first order differences along a given axis in NumPy array
4,648 Eigenvectors computed with numpy's eigh and svd do not match
4,647 Finding average of variable in objects python
4,646 Scipy installation issues from source?
4,646 How to do contrast stretching in opencv or numpy?
4,645 Why can't I rig SciPy's constrained optimization for integer programming?
4,645 Scikit image color filtering and changing parts of image to array
4,645 Fastest way to get average value of frequencies within range [closed]
4,644 3D interpolation of NumPy arrays without SciPy
4,643 Find the intersection of two curves given by (x, y) data with high precision in Python
4,642 Python: Defining a minimum bounding rectangle
4,641 Numpy assigning to slice, when is the array copied
4,641 expected value in python
4,639 ZeroDivisionError: float division by zero when computing standard deviation
4,639 numpy version error when importing tensorflow
4,638 Skip loop if a function is taking too long?
4,638 passing arguments to a function for fitting
4,637 numpy read TSV file as ndarray
4,635 putting numpy ndarray data into pandas
4,635 'numpy.float64' object is not callable
4,635 How to test if every element in a numpy array is masked
4,635 Create a copy and not a reference of a NumPy array
4,635 Calculating variance of an image python efficiently
4,633 Stripping whitespaces in a numpy array
4,633 numpy.random.multivariate_normal(mean, cov[, size])
4,628 module 'numpy' has no attribute 'dtype'
4,628 Fast b-spline algorithm with numpy/scipy
4,627 Faster alternative to perform pandas groupby operation
4,626 What is the advantage of saving `.npz` files instead of `.npy` in python, regarding speed, memory and look-up?
4,626 Saving dictionary of header information using numpy.savez()
4,625 Convert float to int and leave nulls
4,624 Pandas - fill specific number of rows in a column with one value
4,623 sklearn: use Pipeline in a RandomizedSearchCV?
4,623 check if numpy array is subset of another array
4,622 boost_python3 missing from ubuntu 16.04
4,618 numpy.disutils.system_info.NotFoundError: no lapack/blas resources found
4,617 Vectorize/accelerate numpy function with two arguments of different dimensions
4,617 Python/Numpy - Matrix Multiply a 2D Array and Each Row of another 2D Array
4,617 openpyxl: a better way to read a range of numbers to an array
4,617 Numpy: Is there an array size limit?
4,616 Python: single colon vs double colon
4,616 Install numpy for Python3 command not found error
4,614 Writing WAV file using Python, Numpy array and WAVE module
4,614 pandas shift converts my column from integer to float.
4,612 taking mean of data read in 'error cannot perform reduce with flexible type' python
4,611 Wrap slice around edges of a 2D array in numpy
4,609 Logistic regression: plotting decision boundary from theta
4,609 How to solve recurrence relations in Python
4,607 cropping images in python
4,606 Access data from HDF5 - slice/extract data
4,605 numpy random not working with seed
4,603 cv.cvtColor(img, cv.COLOR_BGR2GRAY) doesn't work
4,603 Adding textual column and row headers to numpy array
4,600 How to replace all negative numbers in an array with zero [duplicate]
4,600 Alternatives to nested numpy.where for multiconditional pandas operations?
4,599 Converting numpy datetime64 to long integer and back
4,597 How to generate a sphere in 3D Numpy array
4,596 python - name of np array variable as string
4,596 NumPy/SciPy FFT for voltage/time data
4,595 Adding a column in front of a numpy array
4,594 Missing required dependencies ['numpy'] in AWS Lambda after installing numpy into directory, how to fix?
4,593 Why doesn't numpy determinant return a Fraction when given a Fraction matrix?
4,593 Vectorize integration of pandas.DataFrame
4,593 Use sparse Input in Keras with Tensorflow
4,593 Keras fitting ignoring nan values
4,593 Iterating over multidimensional arrays(images) with numpy array - python
4,592 Numpy: understanding the numpy array concept for row names
4,591 Save tuple of numpy arrays to disk?
4,590 How to efficiently convert Matlab engine arrays to numpy ndarray?
4,589 Module has no Attribute ''Arrange'' [closed]
4,589 Could not locate executable f95, f77, xlf, ifc, g77
4,589 converting numpy array into dictionary
4,589 Apply log2 transformation to a pandas DataFrame
4,587 Numpy.argsort - can't see what's wrong
4,586 Why is a `for` over a Python list faster than over a Numpy array?
4,586 Scipy.optimize.minimize SLSQP with linear constraints fails
4,586 Making np.loadtxt work with multiple possible delimiters
4,585 Histogram datetime objects in Numpy
4,584 Adding an array to the end of another Python
4,583 Specifying targets for intersphinx links to numpy, scipy, and matplotlib
4,583 Area intersection in Python
4,579 installing numpy and pip for python 2.7.6
4,579 How to view an RGB image with pylab
4,579 Can python do a gaussian fitting and extrapolation?
4,578 Equidistant points between two points?
4,577 KMeans in Python: ValueError: setting an array element with a sequence
4,577 append some value to integer array in python
4,576 Numpy stack with unequal shapes
4,574 How to put complex into a numpy's array?
4,573 ValueError: x and y must have the same first dimension
4,572 NumPy ndarray.all() vs np.all(ndarray) vs all(ndarray)
4,571 Numpy array slicing using colons
4,571 Getting {ValueError} 'a' must be 1-dimensoinal for list of lists from np.random.choice
4,570 Error when trying to sum an array by block's
4,568 sort a string array using numpy
4,565 Is zip() the most efficient way to combine arrays with respect to memory in numpy?
4,564 OSX installing numpy via brew for python3
4,563 numpy.array vs img_to_array
4,563 Generalizing matrix transpose in numpy
4,562 How to raise a numpy.matrix to non-integer power?
4,562 How to convert array values 0 and 255 to corresponding 0 and 1 array
4,561 Return order of NumPy array
4,561 Plot a Wave files Audio Visually In Python
4,561 How to call numpy/scipy C functions from Cython directly, without Python call overhead?
4,559 Convert large PIL image to numpy array [closed]
4,559 Convert Bitstring (String of 1 and 0s) to numpy array
4,558 Separate last column from the actual dataset using numpy
4,557 How to change the dtype of a numpy array to 'object'?
4,554 Symmetric matrices in numpy?
4,554 numerically stable way to multiply log probability matrices in numpy
4,554 Can I lose precision going from float32 -> float64 back to float32?
4,549 Saving train and test data in a file
4,549 numpy loadtxt single line/row as list
4,547 Numpy - float32 gives different value from dtype=''float32'' in array
4,546 RBF interpolation: LinAlgError: singular matrix
4,544 Is there a list of big O complexities for the numpy library?
4,544 implementing R scale function in pandas in Python?
4,543 What is the Laplacian mask/kernel used in the scipy.ndimage.filter.laplace()?
4,543 Insert Numpy array into Mysql Database
4,543 How do I compare two arrays element-wise in Python using specific rules?
4,542 Why is NaN considered as a float?
4,542 Tuple error (numpy)
4,542 Pytorch: Trying to apply the transform to a numpy array ... fails with an error
4,541 Efficient pandas rolling aggregation over date range by group - Python 2.7 Windows - Pandas 0.19.2
4,540 Pandas DataFrame column concatenation
4,540 Iterate over numpy array columnwise
4,540 Choosing between numpy.interp vs scipy.interpolate.interp1d (with kind='linear')
4,539 Plotting a 3d surface from a list of tuples in matplotlib
4,539 matplotlib: AxesSubplot object has no attribute tick_params
4,539 Generating a numpy array with all combinations of numbers that sum to less than a given number
4,538 What is the most efficient way to get log returns in numpy
4,538 How to find the diameter of objects using image processing in Python?
4,538 Finding start and stops of consecutive values block in Python/Numpy/Pandas
4,538 Factorial of a matrix elementwise with Numpy
4,538 Embed python / numpy in C++
4,537 append versus resize for numpy array
4,534 Standard error ignoring NaN in pandas groupby groups
4,534 How can I change NumPy array elements from string to int or float?
4,534 Clustering ~100,000 Short Strings in Python
4,533 Detecting mulicollinear , or columns that have linear combinations while modelling in Python : LinAlgError
4,532 reading scientific notation csv file with numpy
4,530 What does the order parameter in numpy.array() do AKA what is contiguous order?
4,530 Find peak of 2d histogram
4,529 np.reshape(x, (-1,1)) vs x[:, np.newaxis]
4,528 Ranking of numpy array with possible duplicates
4,526 cannot import name 'multiarray' in numpy with python3
4,523 Fast Queue of read only numpy arrays
4,521 Trouble importing scipy.stats for scipy 0.13 build 2
4,521 PANDAS: Incorrect shape of indices passed, not sure how to fix it
4,521 How can I import NumPy? [duplicate]
4,521 Equivalent of Matlab's cluster quality function?
4,520 Python error: ''ImportError: cannot import name isnat''
4,517 Interpolate Z values in a 3D surface, starting from an irregular set of points [closed]
4,516 Plot cross section through heat map
4,514 How to upgrade numpy without changing linux distributions in ubuntu
4,513 Trailing delimiter confuses pandas read_csv
4,513 How to present numpy array into pygame surface?
4,512 numpy: compute x.T*x for a large matrix
4,512 multiply numpy array of scalars by array of vectors
4,512 How to Argsort in Tensorflow?
4,511 Fast Python plotting library to draw plots directly on 2D numpy array image buffer?
4,510 How to get a mean array with numpy
4,508 Finding points within a bounding box with numpy
4,507 Unable to import scipy after installing Anaconda2.4.0
4,507 Optimising memory usage in numpy
4,507 Condition number of a matrix using numpy
4,505 Extract date from Pandas DataFrame
4,503 TypeError: unsupported operand type(s) for +: 'Timestamp' and 'float'
4,503 convert tensor to numpy array
4,500 python matplotlib setting years in x axis
4,500 Power Spectrum and Autocorrelation of Data in Numpy
4,498 What is the easiest way to install numpy with LAPACK/BLAS?
4,498 Using click.progressbar with multiprocessing in Python
4,498 PEP 3118 warning when using ctypes array as numpy array
4,498 Local mean filter in numpy
4,496 Python/Numpy: Division gives me an unexpected deprecation-Warning
4,496 Python analog to MatLab data structure
4,495 Tensor multiplication with numpy tensordot
4,491 How do you construct an array suitable for numpy sorting?
4,491 How do I use `setrlimit` to limit memory usage? RLIMIT_AS kills too soon; RLIMIT_DATA, RLIMIT_RSS, RLIMIT_STACK kill not at all
4,490 PyTorch - multiplying tensor with scalar results in zero vector
4,490 Numpy find number of occurrences in a 2D array
4,490 is there any difference between matmul and usual multiplication of tensors
4,490 How to write conditional probability in Python?
4,489 N largest values in each row of ndarray
4,489 How to partial load an array saved with numpy save in python
4,489 Difference between frompyfunc and vectorize in numpy
4,488 3D convolution in python
4,486 Numpy: Difference between a[i][j] and a[i,j]
4,485 TypeError: 'int' object is not iterable // numpy
4,485 Get indices for all elements in an array in numpy
4,484 Wrong numpy mean value?
4,484 understanding matplotlib.subplots python
4,483 How do I compute the variance of a column of a sparse matrix in Scipy?
4,479 Polyval(p,x) to evaluate polynomials
4,477 Python's Xgoost: ValueError('feature_names may not contain [, ] or <')
4,477 converting python list of strings to their type
4,477 Convert contour to 2d point list in opencv
4,475 Intuition and idea behind reshaping 4D array to 2D array in NumPy
4,472 Nonlinear e^(-x) regression using scipy, python, numpy
4,471 Python - Numpy install and import Issue
4,467 Theano function: Unused input
4,467 Is it possible to create a numpy.ndarray that holds complex integers?
4,466 Splitting Numpy array based on value
4,466 Intersecting matplotlib graph with unsorted data
4,466 Fastest way to read huge MySQL table in python
4,464 Count the number of pixels by color from an image loaded into a numpy array
4,464 Calculate percentage of count for a list of arrays
4,463 Pandas sklearn one-hot encoding dataframe or numpy?
4,463 Kronecker product in Python and Matlab
4,462 Deprecation status of the NumPy matrix class
4,459 float to uint16 conversion blowing numbers up in numpy?
4,458 Exporting Pandas series as JSON - error with numpy types
4,457 Python, Numpy, method of adding arrays together in multiple dimensions (broadcasting)
4,456 Convert Pandas Dataframe to numpy for sklearn
4,455 Pass entire contents of a dataframe to a function in Pandas
4,454 Logistic Regression get Value error could not convert string to float: '?'
4,453 python 3.5: numpy - how to avoid deprecated technique
4,453 local histogram equalization
4,452 writing a custom cost function in tensorflow
4,449 numpy.linalg.norm gives weird result
4,447 Sum the squared difference between 2 Numpy arrays [duplicate]
4,445 Python get get average of neighbours in matrix with na value
4,444 Python Pandas cumulative column between datetime ranges
4,443 remove empty numpy array
4,443 passing numpy arrays through multiprocessing.Queue
4,442 Python: Replacing values in an array
4,442 How to do a random stratified sampling with Python (Not a train/test split)?
4,442 Fixing phase unwrapping errors in Numpy
4,441 How to link permanently MKL libraries to Numpy in Linux? [closed]
4,439 Why do I have to import this from numpy if I am just referencing it from the numpy module
4,438 Interpolate whole arrays of complex numbers
4,437 Maximum values along axis of Numpy ndarray?
4,437 Least Squares Minimization Complex Numbers
4,436 Logistic Regression function on sklearn
4,436 How to check if an array is in another array in Python
4,435 Add raster image to HDF5 file using h5py
4,433 Using Numpy to find average value across data sets, with some missing data
4,433 How to output dtype to a list or Dict
4,432 Plotting trajectories in python using matplotlib
4,431 Numpy: Check if float array contains whole numbers
4,431 How to obtain an image's single colour channel without using the split function in OpenCV Python?
4,431 Get all elements of the upper or lower triangle of a square matrix in python
4,428 np.ascontiguousarray versus np.asarray with Cython
4,428 How to find the set of indices where two vectors have equal elements in Python
4,425 TypeError: 'DatetimeIndex' object is not callable
4,425 Given an adjacency matrix, How to draw a graph with matplotlib?
4,424 Numpy and Matplotlib - AttributeError: 'numpy.ndarray' object has no attribute 'replace'
4,424 Calculating wind divergence of u and v using Python, np.gradient
4,423 NumPy: 3-byte, 6-byte types (aka uint24, uint48)
4,423 Find Element In Two-Dimensional Python Array
4,422 matlab to python code conversion
4,422 How to fix ''Missing required dependencies ['numpy']'' error?
4,422 Curve fit exponential growth function in Python
4,422 Compare two pandas dataframe with different size
4,420 Vectorized moving window on 2D array in numpy
4,420 Selecting rows if column values meet certain condition
4,419 Why doesn't the shape of my numpy array change?
4,416 TypeError: function() takes exactly 2 arguments (1 given) (python)
4,416 Plotting a list of arrays on the same plot in python?
4,416 Numpy/CAPI error with import_array() when compiling multiple modules
4,415 How to perform discrete optimization of functions over matrices?
4,413 sparse hstack and weird dtype conversion error
4,412 Python: Replace a number in array with a string
4,411 Why my python numpy code is faster than c++?
4,411 Speeding up iterating over Numpy Arrays
4,411 scipy.io : can't write wavfile
4,409 How to uninstall a single packages in anaconda?
4,407 Error multiplying two numpy arrays
4,407 Can PySpark work with numpy arrays?
4,407 Better use a tuple or numpy array for storing coordinates
4,405 store numpy array in mysql
4,405 how to reduce a 3 dim numpy array to 2 dim
4,403 Multiply 2D NumPy arrays element-wise and sum
4,401 Why are log2 and log1p so much faster than log and log10, in numpy?
4,400 pyodbc: ('Params must be in a list, tuple, or Row', 'HY000') with NumPy data
4,398 Tensorflow: value error with variable_scope
4,398 python pickle size limit
4,397 Fourier Series in Numpy. Question about Previous Answer
4,396 regarding AttributeError: module 'scipy.misc' has no attribute 'imread'
4,392 Memory error for np.concatenate
4,392 How to multiply a numpy tuple array by scalar array
4,391 SciPy 1D Gaussian fit
4,391 Plotting large numbers of points and edges in matplotlib
4,391 Numpy running at half the speed of MATLAB
4,389 'data type not understood' a mistake in defining the list of column names
4,388 imshow and histogram2d: can't get them to work
4,388 How to install and run pandas python library in Eclipse Juno?
4,388 How to import and use scipy.spatial.distance functions correctly?
4,387 Python augmented assignment issue
4,386 subsampling a numpy array?
4,386 Exception Error when Installing NumPy with pip
4,384 Compute distance matrix with numpy
4,381 TypeError: only length-1 arrays can be converted to Python scalars (for loop)
4,381 Comparing multiple numpy arrays
4,380 RuntimeError: empty_like method already has a docstring
4,376 Text display with matplotlib
4,376 SSL: CERTIFICATE_VERIFY_FAILED certificate verify failed (_ssl.c.661)
4,376 splitting a sparse matrix into two
4,376 Python import error invalid ELF header
4,373 Reshape Keras Input for LSTM
4,372 Mask specific columns of a numpy array
4,372 Keras: What is the output of predict_generator?
4,371 Sum of 8 neighbors in 2d array
4,371 Numpy/Python performing terribly vs. Matlab
4,369 Combining several dataframe results with for Loop in Python Pandas
4,367 to slice columns in a tuple present in a numpy array
4,367 Round a Python list of numbers and maintain their sum
4,367 Remove rows in 3D numpy array
4,366 Numpy: find index of elements in one array that occur in another array
4,365 Find root of a transcendental equation with python
4,364 convert numpy array from object dtype to float
4,363 stacking numpy arrays?
4,363 complex eigen values in PCA calculation
4,361 Read a large csv into a sparse pandas dataframe in a memory efficient way
4,361 Fitting sklearn's SVM classifier with data from a pandas DataFrame
4,360 How to make a numpy array from raw input in python?
4,359 How to install numpy and scipy on Windows XP [closed]
4,357 How to plot line (polygonal chain) with numpy/scipy/matplotlib with minimal smoothing
4,357 How to declare an ndarray in cython with a general floating point type
4,353 Numpy append: Automatically cast an array of the wrong dimension
4,353 Efficent way of constructing a matrix with all elements zero except one in numpy
4,353 AttributeError: 'NoneType' object has no attribute 'ravel'
4,351 How do I install numpy on a linux cluster? [closed]
4,350 Numpy: operations on columns (or rows) of NxM array
4,349 Is there a better way to represent uint8 data
4,347 Where function in python returns nothing
4,347 Returning numpy array from a C extension
4,347 Reading a file with string and float with loadtxt
4,346 Plotting Parallel Coordinates in pandas with different colours
4,346 ipython -pylab debugging: Can I stop the execution at a specific line and drop into the shell?
4,345 trying to mask 2D numpy arrays based on values in one column
4,344 How to create a large matrix of matrices in python?
4,344 Convert RGB image to index image
4,343 How to concatenate images horizontally with numpy?
4,343 How do you calculate interquartile range (IQR) correctly using Python?
4,343 Adding two 2D NumPy arrays ignoring NaNs in them
4,342 Stiff ODE-solver
4,341 Matrix flip horizontal or vertical
4,341 Conversion from numpy.datetime64 to pandas.tslib.Timestamp bug?
4,340 Python File Slurp w/ endian conversion
4,338 python bit shifting with numpy
4,338 Numpy Correlation Error for Python
4,336 Split Python sequence (time series/array) into subsequences with overlap
4,332 Python: compare an array element-wise with a float
4,332 Can't Import Pandas
4,328 Adding index to numpy arrays
4,327 Fastest way to get hamming distance for integer array
4,326 How to create a list in pyspark dataframe's column
4,325 How to plot a graph for correlation co-efficient between each attributes of a dataset and target attribute using Python
4,324 Matrix completion in Python
4,323 What is the inverse operation of np.log() and np.diff()?
4,323 Reason why numpy rollaxis is so confusing?
4,322 ring buffer with numpy/ctypes
4,321 numpy array indexing with boolean
4,319 How to transform vector into unit vector in Tensorflow
4,319 Getting max value from a list with None elements
4,318 Python 3 ModuleNotFoundError: No module named 'numpy'
4,318 Convert Python numeric list to numpy array of float
4,316 Simple linear regression using pandas dataframe
4,315 Python: remove duplicates from a multi-dimensional array
4,315 Numpy matrix rotation for any degrees
4,314 What is the significance of .flat in numpy?
4,313 Read (SVHN) Dataset in python
4,313 How to apply a low-pass filter of 5Hz to a pandas dataframe?
4,313 How can I use the index array in tensorflow?
4,308 Digitizing an analog signal
4,307 What could cause numpy.nanstd() to return nan?
4,307 The most efficient way to store large symmetric sparse matrices in python
4,306 How can I sum an interval of elements on an array in python / numpy?
4,306 efficient appending to pandas dataframes
4,305 Visualization of 3D-numpy-array frame by frame
4,303 output operand requires a reduction, but reduction is not enabled Python
4,303 generate random dates within a range in numpy
4,302 How to invert numpy matrices using Singular Value Decomposition?
4,301 TypeError: conversion from Series to Decimal is not supported
4,301 How do you get the mean and std of a column in a csr_matrix?
4,300 NumPy types with underscore: `int_`, `float_`, etc
4,299 SciPy instead of GNU Octave
4,299 Convert a dataframe to numpy array? [duplicate]
4,298 Distance between 2 pixels
4,297 Numpy percentages along axis in 2d array
4,297 Generate two-dimensional normal distribution given a mean and standard deviation
4,296 Using Radial Basis Functions to Interpolate a Function on a Sphere
4,296 Numpy / Polyfit - Suppress printing of Intel MKL Error message
4,296 Determine Weibull parameters from data
4,295 Why is numpy's einsum slower than numpy's built-in functions?
4,295 how to interpret scipy.stats.probplot results?
4,294 stacking sparse and dense matrices
4,294 Numpy data types: data type not understood
4,293 Removing rows in NumPy efficiently
4,292 Slow bitwise operations
4,292 Pandas, how to filter a df to get unique entries?
4,292 Matlab VS Python - eig(A,B) VS sc.linalg.eig(A,B)
4,290 what is an equivalent of matlab permute(A, [3 2 1]) in python?
4,289 Performance of row vs column operations in NumPy
4,289 pcolormesh with masked invalid values
4,289 len() of unsized object in Python when using scipy's pearson correlation
4,289 How to overlay facial keypoints from Dlib in an OpenCV window
4,289 converting numpy vector to cvxopt
4,288 ''TypeError: buffer is too small for requested array'' when attempting to read a .mat file using scipy.io.loadmat
4,288 How can I create my own datatype in python so that I could overwrite arithmetic operators?
4,288 Convert sympy expressions to function of numpy arrays
4,286 Pandas: How to drop self correlation from correlation matrix
4,285 numpy: inverting an upper triangular matrix
4,285 Conversions of np.timedelta64 to days, weeks, months, etc
4,284 Problem with CV2 : numpy.core.multiarray failed to import
4,284 Find indexes of repeated elements in an array (Python, NumPy)
4,284 Efficiently ploting a table in csv format using Python
4,283 Numpy longdouble arithmetic does not seem to be in long double with conversion
4,283 Linear fit including all errors with NumPy/SciPy
4,281 Using numpy/scipy to calculate iso-surface from 3D array
4,281 Memory Error while pickling a data frame to disk
4,281 Combining numpy multi-dimensional arrays
4,278 Cross-correlation of non-periodic function with NumPy
4,278 Cosine distance computation between two arrays - Python [duplicate]
4,277 python while loop to break up sorted list/array
4,274 Python code explanation for stationary distribution of a Markov chain
4,273 Random int64 and float64 numbers
4,273 Broadcast an operation along specific axis in python
4,269 Reduce resolution of array through summation
4,269 How to get a Python long double literal?
4,269 Add more sample points to data
4,268 Tensorflow: tf.train.Feature error 'expected one of: bytes'
4,268 Numpy array memory management
4,268 How to add a dimension to a numpy array in Python
4,268 2D and 3D Scatter Histograms from arrays in Python
4,265 How to correctly display red, green, and blue (rgb) channels of an image with pyplot
4,265 appending list of lists to pd.Dataframe()
4,264 iterate over slices of an ndarray
4,264 How to remove blanks/NA's from dataframe and shift the values up
4,264 Error with Padlen in signal.filtfilt in Python
4,262 How do I create a Numpy dtype that includes 24 bit integers?
4,261 Error: all the input array dimensions except for the concatenation axis must match exactly
4,260 Mean value of each channel of several images
4,259 Numpy: argmax over multiple axes without loop
4,256 Why is numpy.dtype('float64') special?
4,256 spo.optimize :only integers, slices (:), ellipsis ( ... ), numpy.newaxis (None) and integer or boolean arrays are valid indices
4,256 Numpy sub-array assignment with advanced, mixed indexing
4,256 How to do OLS Regression with the latest version of Pandas
4,255 retrieve misclassified documents using scikitlearn
4,253 Implement softmax function with numpy array
4,253 How to efficiently remove columns from a sparse matrix that only contain zeros?
4,253 FFT low-pass filter
4,251 PIP Installation doesn't work (six, numpy and python-dateutil requirements)
4,251 ImportError: No module named ... after spyder install
4,250 Python create an empty sparse matrix
4,250 NumPy equivalent to Keras function utils.to_categorical
4,249 The definitive method to use NumPy and SciPy from IronPython
4,248 How to obtain the skeleton of a binary image with scikit-image
4,247 Python Get minimum value without -inf
4,247 Is there an easy way to get confusion matrix for multiclass classification? (OneVsRest)
4,246 TypeError: unique() got an unexpected keyword argument 'return_counts'
4,246 numpy standard deviation estimator bias with ddof = 1
4,246 numpy.savetxt for 2d array in Python 3.5.1
4,246 cbind (R function) equivalent in numpy
4,244 create pivot table in pandas using count of occurrence of value [duplicate]
4,243 What does `[b for a in x for b in a if not b==k]` mean?
4,243 Python (strangely) rounding values [duplicate]
4,243 Expectation Maximization(GMM-EM) never finds the correct parameters. (Mixture of Gaussians)
4,242 numpy.array with elements of different shapes
4,241 What is the difference between @jit and @vectorize in numba?
4,241 Bad input shape LabelEncoder
4,240 Hausdorff distance between 3D grids
4,240 Complex numbers in Cython
4,238 Unable to load a previously dumped pickle file of large size in Python
4,238 Store and retrieve large sparse matrix
4,238 Numpy array: group by one column, sum another
4,238 merging/concatenating arrays with different elements
4,237 Sum elements of same index from different lists
4,237 Python (NumPy): Collections can only map rank 1 arrays
4,237 How to implement a filter like scipy.signal.lfilter
4,236 remove rows and ValueError Arrays were different lengths
4,235 AttributeError: 'numpy.ndarray' object has no attribute 'clock'
4,233 Numpy import error Python3 on Raspberry Pi?
4,232 import matplotlib.pyplot as plt fails with error about python-tk
4,232 How to find max value in 2D array with index [duplicate]
4,232 Convert a pandas dataframe column of type object to a numpy array
4,230 How can I subtract 3 hours of a datetime in python?
4,230 Generate random numbers from lognormal distribution in python
4,228 Reshape 4D numpy array into 3D
4,227 Multidimension histogram in python
4,225 element-wise operations on a sparse matrix
4,224 Theano Dimshuffle equivalent in Google's TensorFlow?
4,224 ''built-in method sum'' weird message when printing a sum
4,223 Python Quandl in Spyder
4,223 Keras pad_sequences throwing invalid literal for int () with base 10
4,223 Creating a good quality grayscale image from an multidimensional numpy array
4,221 Summing elements in a sliding window - NumPy
4,220 Python multiprocessing is taking much longer than single processing
4,220 pandas convert string columns to datetime, allowing missing but not invalid
4,219 Change numerical Data to Categorical Data - Pandas [duplicate]
4,218 Multivariate Normal pdf in Scipy
4,218 how to calculate accurady based on two lists python?
4,216 Python 3.2 64 Bit Numpy install - LaPack error
4,216 Error when checking model target: expected dense_39 to have 3 dimensions, but got array with shape (940, 1)
4,215 Distance between numpy arrays, columnwise
4,214 Add trendline with equation in 2D array [duplicate]
4,211 pandas, numpy round down to nearest 100
4,210 NumPy: get min/max from record array of numeric values
4,209 Raspberry pi:calibrate camera and undistortion of image
4,209 Python - Applying a color map to a grayscale numpy array and converting it to an image
4,209 How to extract the first element of a 2d array in python?
4,209 Converting list of tuples into numpy array and reshaping it?
4,208 How can I round values in Pandas DataFrame containing mixed datatypes for further data comparison?
4,206 What's the fastest way to iterate over a CvMat in Python using OpenCV?
4,205 inserting values into numpy array
4,203 How to convert Euclidean distances between vectors to similarity scores
4,203 Delete dimension of array?
4,202 convert pandas dataframe column to np.datetime64
4,201 sklearn: Plot confusion matrix combined across training+test sets
4,201 numpy vs list comprehension, which is faster? [closed]
4,201 numpy.memmap from numpy operations
4,199 error in numpy:TypeError: only length-1 arrays can be converted to Python scalars
4,198 Find X and Y Coordinates of a value in a python array
4,198 Faster way to extract patches from images?
4,198 Choose random seed and save it
4,198 angle between two vectors by using simple numpy or math in Python?
4,197 How to hstack several sparse matrices (feature matrices)?
4,196 How to implement Kernel density estimation in multivariate/3D
4,195 Why is pyplot.imshow() changing color channels in arrays
4,194 Subclassing numpy ndarray problem
4,194 Checking for and indexing non-unique/duplicate values in a numpy array
4,193 Python 3.4 compatibility with numpy, scipy, and matplotlib
4,193 numpy array assignment using slicing
4,193 How can I display the bar value on top of each bar on matplotlib?
4,192 What scipy statistical test do I use to compare sample means?
4,192 numpy - scalar multiplication of column vector times row vector
4,191 Neural network backpropagation algorithm not working in Python
4,189 How to read columns of varying length from a text file in NumPy using genfromtxt()?
4,189 How to find all the intersection points between two contour-set in an efficient way
4,188 Python NumPy Convert Columns to Rows
4,188 Create a graph from a CSV file and render to browser with Django and the Pandas Python library
4,187 reverse flatten numpy array?
4,187 How to iterate over a row in a SciPy sparse matrix?
4,187 How to embed python tkinter window into a browser?
4,187 Add a vector to array
4,186 Finding the Index of sorted elements in Python Array
4,185 how to speed up Python nested loops for million elements
4,184 Write comma separated values from python numpy array
4,184 Why does indexing numpy arrays with brackets and commas differ in behavior?
4,183 Python list comprehension for Numpy
4,183 numpy.unique sort based on counts
4,183 minimum and argmin in numpy
4,183 How to perform precise calculations in Python, regardless of input types?
4,182 How to one-hot-encode sentences at the character level?
4,182 Differences between python's numpy.ndarray and list datatypes
4,178 Scipy.optimization linear function approximation
4,178 Python numpy sort 1D array
4,178 Plotting values in matrix corresponding to the index in an array with Matplotlib in Python
4,177 Specifying encoding using NumPy loadtxt/savetxt
4,177 Shape not aligned error in OLS Regression python
4,177 Save pandas dataframe with numpy arrays column
4,177 processing opencv image pixels quickly using python interface
4,174 Get the average year (mean of days over multiple years) in Pandas
4,174 Fixing inflexion point estimate using python
4,174 Changing matshow xticklabel position from top to bottom of the figure
4,174 Adding row to numpy recarray
4,172 Which is faster, numpy transpose or flip indices?
4,172 Correlation matrix heatmap with multiple datasets that have matching columns
4,172 Cannot import mean from statistics
4,171 Using fillna, downcast and pandas
4,169 How to limit cross correlation window width in Numpy?
4,168 When to use np.quantile and np.percentile?
4,168 creating a 3D scatter plot from a CSV file
4,166 Fitting probability distribution to data
4,166 Fast linear interpolation in Numpy / Scipy ''along a path''
4,165 input/output error in scipy.optimize.fsolve
4,165 Image from array and image using point
4,164 Why is numpy much slower than matlab on a digitize example?
4,164 Installing Modules for SPARK on worker nodes
4,163 Convert graphlab sframe into a dictionary of {key: values}
4,163 boolean and type checking in python vs numpy
4,162 Computing a binomial probability for huge numbers
4,161 Set color for NaN values in matplotlib
4,161 How to apply a 2D curve fit in Python?
4,161 Can numpy.savetxt be used on N-dimensional ndarrays with N>2?
4,160 distance matrix of curves in python
4,159 How to avoid an overflow in numpy.exp()
4,158 Why is the pip installation of Cython taking so long?
4,158 Scipy, Numpy, Matplotlib Troubles on OSX
4,158 Partial derivative of a function with numpy.array input
4,158 circular cross correlation python
4,157 ValueError: Error when checking : expected dense_1_input to have shape (3,) but got array with shape (1,)
4,156 NumPy: convert decimals to fractions
4,156 Ignore/skip a value in a numpy array?
4,155 Numpy is installed but still get the error ''No module named numpy''
4,154 Creating new distributions in scipy
4,152 Python matplotlib errorbar issue
4,152 Plot 4D graph in python2.7
4,150 (matpolotlib) ValueError: too many values to unpack
4,150 Exporting data from sqlite to numpy array
4,149 Calculating medoid of a cluster (Python)
4,148 Python - Trouble plotting datetime index with pandas and matplotlib
4,148 How to operate elementwise on a matrix of type scipy.sparse.csr_matrix?
4,147 Create a numpy array (10x1) with zeros and fives
4,146 Create The Legendre Formula Using Numpy
4,145 Fast Circular buffer in python than the one using deque?
4,144 compare two pandas data frame
4,144 compare two pandas data frame
4,143 Predicting next numbers in sequence Keras - Python
4,143 Portfolio Variance of a Portfolio of N Assets in Python
4,143 Aggregating two Pandas series by summing [duplicate]
4,142 What is the difference between np.float64 and np.double?
4,142 Numpy TypeError: only length-1 arrays can be converted to Python scalars (reshape)
4,141 ValueError: Number of label does not match number of samples
4,141 finding the length of a numpy array
4,141 Efficient dot products of large memory-mapped arrays
4,139 Scipy.optimize.minimize objective function ValueError
4,139 How can I get an hour, minute etc. out of numpy.datetime64 object?
4,139 Check Density of a Scipy Sparse Matrix
4,137 Is there a faster version of numpy.random.shuffle?
4,136 np.isnan on arrays of dtype ''object''
4,134 left hand side eigenvector in python?
4,132 Writing to a CSV File from Array
4,132 Pandas: cannot safely convert passed user dtype of int32 for float64
4,132 how to create a matrix of tuples that is initialize with zeroes
4,130 Getting ''ValueError: operands could not be broadcast together with shapes'' when trying to subtract from channel wise mean in Caffe
4,130 Copying row element in a numpy array
4,128 Calculate the Fourier series with the trigonometry approach
4,127 Pip hangs on ''collecting numpy''
4,127 How to organize values in a numpy array into bins that contain a certain range of values?
4,124 Longest string in numpy object_ array
4,123 Writing binary in c++ and read in python
4,123 Dot product with dictionaries
4,119 What happened to numpy.chararray
4,119 Try to install Numpy: SystemError: Cannot compile 'Python.h'
4,119 Initializing list of numpy arrays [duplicate]
4,117 When will numpy copy the array when using reshape()
4,117 Numpy: outer product of n vectors
4,117 Generate random numbers replicating arbitrary distribution
4,116 Reverse Label Encoding giving error
4,116 Numpy transformation to normal distribution
4,116 How to ignore part of a image during feature extraction in OpenCV?
4,116 How to do a 3D revolution plot in matplotlib?
4,114 How to convert a Numpy matrix into a Sympy
4,112 Numpy: Multiplying a matrix with a 3d tensor - Suggestion
4,112 Feeding dtype np.float32 to TensorFlow placeholder
4,110 Writing a double sum in Python
4,110 ValueError: cannot reshape array of size 230 into shape (3,600,800)
4,109 what is the fastest way to get the mode of a numpy array
4,109 Using numpy.array with large number of dimensions
4,109 find the k nearest neighbours of a point in 3d space with python numpy
4,108 Could not convert string to float while using numpy.loadtxt
4,108 Arrays on Python with numpy
4,106 Writing lists of data to a text file column by column
4,106 Find python header path from within python?
4,104 Python: Save data with floats and strings with np.savetxt
4,104 How to force a ndarray show in normal way instead of scientific notation?
4,102 Polynomials with negative exponents in Python
4,102 How to plot FFT of signal with correct frequencies on x-axis?
4,101 How to Set Decimal Values in List of Arrays (in Python)?
4,101 How to round datetime64 values
4,100 ImportError: DLL load failed: The specified module could not be found (sklearn)
4,099 Python: Integration of Interpolation
4,099 Pandas dataframe to numpy array [duplicate]
4,097 Making pyplot.hist() first and last bins include outliers
4,097 Installing numpy and pandas for python 3.5
4,096 Error when importing scipy
4,096 Creating a mixture of probability distributions for sampling
4,095 Creating .wav file from bytes
4,093 ValueError: could not broadcast input array from shape (1,19) into shape (1,20)
4,093 python: random sampling from self-defined probability function [duplicate]
4,093 How to read a float from a raw binary file written with numpy's tofile()
4,090 np.where() do nothing if condition fails
4,089 finding the real eigenvectors of a real symmetric matrix in numpy or scipy
4,088 How to translate / shift a numpy array?
4,088 How to copy and paste of image as Picture-In-Picture in OpenCV [closed]
4,088 Combining Numpy Arrays in Blockwise Form
4,088 Both input images must have CV_8UC1 in function error
4,087 numpy.random.shuffle returns None
4,086 Numpy Zeros and String Data Type
4,083 Tensorflow is not installed properly
4,080 ValueError: Input to `.fit()` should have rank 4. Got array with shape: (10, 20, 50, 50, 1)
4,080 using python to calculate Vector Projection
4,078 Float Arguments and dict_values with NumPy
4,076 numpy.vectorize returns incorrect values
4,076 Numpy: Loglikelihood of Multivariate Normal Distribution
4,076 Finding row index of max column values in a numpy matrix
4,075 Multiply a 1d array x 2d array python
4,075 How to use a sparse matrix in numpy.linalg.solve
4,073 Python numpy matrix multiplication with one diagonal matrix
4,072 Unable to use `scipy.interpolate.RectBivariateSpline` with `matplotlib.pyplot,plot_surface`
4,071 Python selecting matrix elements
4,070 Warning using Scipy with Pandas
4,070 Generate random sparse matrix filled with only values 0 or 1
4,069 numpy/scipy equivalent of MATLAB's sparse function
4,068 Linear system solution with fractions in numpy
4,066 Reading large formatted text file with NumPy
4,066 '' Cannot locate working compiler '' in OSX while installing numpy with pip to python 3.3
4,064 How to convert tensor to numpy array
4,063 matrix - vector multiplication in python (numpy)
4,063 How to plot log normalized image using imshow () (matplotlib)? [closed]
4,062 What is causing dimension-dependent AttributeError in PIL fromarray function?
4,062 How do I use a python array in a symbolic expression?
4,061 How to check that a matrix contains a zero column?
4,061 concatenate two one-dimensional to two columns array
4,060 What is the best way to take np.percentile along an axis ignoring nans?
4,060 Python Numerical Integration for Volume of Region
4,059 What is the fastest way to serialize a DataFrame besides to_pickle?
4,058 Solving linear equations in Python (not working using linalg.solve)
4,057 Using numpy.take for faster fancy indexing
4,057 Plotting Moving Average on top of Candlestick Chart
4,057 Expression for elements greater than x and less than y in python, all in one return statement. No loop. Python
4,056 load data from csv into Scikit learn SVM
4,056 Is there any difference between numpy.std and excel STDEV function?
4,055 Generate random int in 3D array
4,055 Clustering a list of dates
4,053 Version errors for numpy when importing matplotlib
4,053 Python* to boost::python::object
4,053 Python multiprocessing with shared numpy array
4,053 Converting numpy ndarray into pandas dataframe with column names and types
4,052 NumPy 'ValueError: size of tuple must match number of fields.'
4,052 Numpy: Sorting a multidimensional array by a multidimensional array
4,052 how to add packages like numpy,scipy and others to the sublime 2 python?
4,051 TypeError: Cannot handle the data type in PIL Image
4,051 Dict not hashable python
4,050 Multiple linear regression in python without fitting the origin?
4,050 How to move a column in a pandas dataframe
4,047 How can I slice each element of a numpy array of strings?
4,047 Array conversion using scikit-image: from integer to float
4,045 Numpy columnwise subtraction; subtract (k,n) array from values in a (k,) array
4,043 How to remove RunTimeWarning Errors from code?
4,043 Difference between functions generating random numbers in numpy
4,043 Convert variable from datetime.timedelta to numpy.timedelta64
4,041 in operator, float(''NaN'') and np.nan
4,041 How to create multidimensional array with numpy.mgrid
4,040 Fourier transform and filtering frequencies with negative fft values
4,040 fmin_cg: Desired error not necessarily achieved due to precision loss
4,037 Why is x**3 slower than x*x*x? [duplicate]
4,034 Read a float binary file into 2D arrays in python and matlab
4,034 How to filter columns in numpy ndarray
4,033 From tick by tick data to Renko chart
4,033 Deleting the last column in a python array
4,031 Python scikit-learn - TypeError
4,031 loading a dataset in python (numpy) when there are variable spaces delimiting columns
4,029 Saving a multipage tiff using PIL
4,029 normalizing a matrix in numpy
4,029 How do I convert list of correlations to covariance matrix?
4,028 Preparing data to plot contours in Matplotlib's Basemap
4,028 Numpy: assignment destination is read-only - broadcast
4,028 Find and replace multiple values in python
4,026 pip install numpy and scipy on windows 10
4,025 What is the inverse of the numpy cumsum function?
4,025 Best way to permute contents of each column in numpy
4,022 python: list of matrices to numpy array?
4,022 Definite Integral using numpy.trapz?
4,021 Float precision breakdown in python/numpy when adding numbers
4,021 Cannot uninstall numpy,
4,020 sklearn.metrics.confusion_matrix - TypeError: 'numpy.ndarray' object is not callable
4,018 get function by its values in certain points
4,018 Can't figure out why numpy.log10 outputs nan?
4,017 How can I change values for a section of a numpy array?
4,016 ValueError: setting an array element with a sequence()
4,016 Pybind Numpy access 2D / ND arrays
4,015 Python rising/falling edge oscilloscope-like trigger
4,015 python convert 2d array to 1d array [duplicate]
4,015 Correct way to use scipy.signal.spectral.lombscargle
4,014 Matplotlib imshow - Displaying different colours
4,013 Power spectrum of real data with fftpack on log axis
4,011 Using scipy gaussian kernel density estimation to calculate CDF inverse
4,011 Circle in pixel grid
4,010 Numpy: split array randomly
4,010 Convert numpy unit8 raw array directly to float32
4,009 What's the best way to downsample a numpy array?
4,009 slice indices must be integers or None or have an __index__ method in udacity self driving
4,009 Plot a 2D gaussian on numpy
4,008 load np.memmap without knowing shape
4,006 Installing Numpy and Scipy - Can't find system python 2.6
4,005 Converting a List of Lists into a numpy array [duplicate]
4,004 Numpy Matplotlib Install on Fedora Linux
4,003 Writing and reading floats and strings in a CSV file - python
4,003 Why do I need np.array() or np.copy()?
4,002 test if list contains a number in some range
4,001 vectorizing a for loop in numpy/scipy?
4,000 Weighted smoothing of a 1D array - Python
3,999 Tips on processing a lot of images in python
3,999 How does the pyplot.imshow() function work?
3,999 Geometric progression using Python / Pandas / Numpy (without loop and using recurrence)
3,999 Can I use xor on numpy matrices?
3,998 Python: compute average of n-th elements in list of lists with different lengths
3,997 Tutorial for installing numpy with OpenBLAS on Windows
3,997 Cython: fatal error: 'numpy/arrayobject.h' file not found, using numpy
3,996 Python Image.fromarray() doesn't accept my ndarray input which is built from a list
3,996 How to convert black and white image to array with 3 dimensions in python?
3,995 merging multiple numpy arrays
3,994 PSNR values differ in matlab implementation and python
3,993 Multivariate normal CDF in Python
3,993 Generate multiple independent random streams in python
3,992 Slicing to change pixel color on an numpy.array image
3,988 Mode/Median/Mean of a 3d numpy array
3,988 How to check correlation between matching columns of two data sets?
3,987 Resample and resize numpy array
3,987 Python import text file where each line has different number of columns
3,987 Building an array of tuples as elements
3,986 TypeError: unsupported operand type(s) for -: 'numpy.ndarray' and 'numpy.ndarray' whilst trying to do PCA
3,986 projecting points onto a plane given by a normal and a point
3,986 Numpy can't convert list to np array
3,985 Removing columns which has only ''nan'' values from a NumPy array
3,984 python graphing the 1D wave equation (Beginner)
3,984 pandas pivot_table percentile / quantile
3,983 Toeplitz matrix using numpy/scipy
3,983 Multi-threaded integer matrix multiplication in NumPy/SciPy
3,983 How do I save table from prettytable?
3,981 How do you store an entire array into another array
3,980 Python: Broken toolchain error while installing numpy
3,980 Efficient way of computing Kullback–Leibler divergence in Python
3,979 Numpy: efficient way to generate combinations from given ranges
3,978 View a sequence of images using Python and NumPy
3,978 Python: np.loadtxt, read multiple files
3,978 Error using numpy.logspace() : how to generate numbers spaced evenly on a log-scale
3,977 Plot a dynamic graph using wxpython/python/matplot lib
3,976 Why is numpy.int32 not recognized as an int type
3,976 Create matplotlib legend out of the figure
3,974 Create a numpy array of coordinates from a list of points
3,973 Subtracing float from a datetime in Pandas (numpy)
3,973 Convert string to NumPy datetime64 dtype
3,971 cannot import numpy in idle (2.7) after anaconda installation
3,970 Which numpy library is compatible with python 2.7.9? [closed]
3,969 Error: third arg must be a format string. 2 plots 1 graph
3,968 Interpolate between two images
3,968 Efficiently Subtract Vector from Matrix (Scipy)
3,968 Creating train, test and cross validation datasets in sklearn (python 2.7) with a grouping constraints?
3,966 How to delete a set of meshgrid points inside a circle?
3,964 Translation of python/numpy ''A.argmin(axis=-1)'' into an equivalent matlab-expression
3,964 Maximum Active Drawdown in python
3,962 Using Matplotlib imshow to show GIF image
3,962 numpy Matrix Multiplication n x m * m x p = n x p
3,960 Detrend Flux Time Series with Non-Linear Trend
3,959 Why doesn't numpy.power act element-wise on arrays when the exponent is negative?
3,959 Numpy/Scipy modulus function
3,958 Calculating the derivative of cumulative density function in Python
3,957 Python/Numpy/Scipy: Draw Poisson random values with different lambda
3,957 Numpy-MKL for OS X
3,956 numpy padding matrix of different row size
3,955 Normalisation with a zero in the standard deviation
3,953 How can I create a numpy array holding values of a multi-variable function?
3,951 Numpy matrix multiplication returns nan
3,948 2D Sorting with NumPy - sort 1 row and have the other follow the sorting
3,947 Python converting ndarrays into graph
3,947 Lua Equivalent for NumPy and SciPy?
3,945 how to speed up enumerate for numpy array / how to enumerate over numpy array efficiently?
3,944 How to install numpy with PyCharm on mac OSX?
3,943 numpy 2d array max/argmax
3,943 Matplotlib trendline code.. will run but won't plot the p(x) line ... I don't know whats wrong.
3,943 How to integrate a numpy array in scipy?
3,942 Is it possible to use pearson correlation metric in sklearn?
3,942 How to print numpy matrix nicely with text headers - python
3,940 What is sigma clipping? How do you know when to apply it?
3,940 Py_initialize / Py_Finalize not working twice with numpy
3,939 Tensorflow - Testing a mnist neural net with my own images
3,939 How can I make seaborn distribution subplots in a loop?
3,937 NumPy Array Indexing
3,937 Can't install numpy or pygame with pip Python 3.6
3,935 convert itertools array into numpy array
3,934 Matplotlib: Animate 2D Array
3,933 numpy savetxt is not adding comma delimiter
3,932 python, numpy: force new arrays to be as type float
3,932 Looking for a package in Alpine linux for installing numpy
3,932 Large matrix multiplication in Python - what is the best option?
3,931 Subsetting a Pandas series
3,930 What is the difference between MATLAB/Octave corr and Python numpy.correlate?
3,930 Delimiter of numpy.savetxt
3,930 1D numpy array to float
3,928 Python plot base64 string as image
3,926 What is different between x.shape[0] and x.shape in numpy?
3,926 numpy - multiply each element in array by a scaling factor
3,926 numpy - how to outer join arrays
3,926 How to select specific rows and columns in 2d array
3,925 Numpy and Pandas Not Working in Jupyter Notebook on Mac
3,923 How can I select a specific column from each row in a Pandas DataFrame?
3,922 Extracting selected feature names from scikit pipeline
3,921 Sum of colorvalues of an image
3,921 Search for a pattern in numpy array
3,921 Opencv : TypeError: contour is not a numpy array, neither a scalar
3,921 numpy.loadtxt and tab separated values: data type not understood
3,921 multiple array to dataframe pandas
3,921 loading complex numbers with numpy.loadtxt
3,921 Installing matplotlib-venn
3,921 How does one install/fix a failed numpy installation that works on python 3.4 but not in 3.5?
3,919 mean pixel subtraction for numpy array
3,918 Python - Subtracting elements in lists of tuples
3,918 OpenCV cv2 image to PyGame image?
3,918 linalg.norm not taking axis argument
3,914 'float' object is unsubscriptable
3,913 Python sum up a set of array
3,913 Mask from max values in numpy array, specific axis
3,913 Efficiently computing element wise product of transition matrices (m*m) * (n*n) to give (mn*mn) matrix
3,912 Reshaping OpenCV Image (numpy) Dimensions
3,911 Trying to strip b' ' from my Numpy array
3,911 How to check Pandas Dataframe for True or False - Python
3,910 taking intersection of N-many lists in python
3,908 AttributeError: 'numpy.ndarray' object has no attribute '_get_object_id'
3,905 Encode numpy array using uncompressed RLE for COCO dataset
3,905 Convert structured array to numpy array for use with Scikit-Learn
3,903 Numpy/Scipy with masks and RGB images
3,903 Drawing in a matplotlib widget in QtDesigner
3,902 Numpy Random 2D Array
3,901 Removing duplicates from a list of numPy arrays
3,901 numpy datetime64 in recarray
3,900 invalid type comparison error
3,899 Split array into equal sized windows
3,896 Python: Creation of array with fill values according to column/row
3,896 Error with index. index 0 is out of bounds for axis 0 with size 0
3,893 Select Rows from Numpy Rec Array
3,893 Numpy Convert String to Float when Possible
3,892 Plot aligned x,y 1d histograms from projected 2d histogram
3,892 How can I plot ca. 20 million points as a scatterplot?
3,890 Strange numpy random shuffle and seed [closed]
3,890 Python numpy negative log likelihood calculation when some predicted probabilities are 1
3,890 numpy.argmin for elements greater than a threshold
3,889 Lotka-Volterra equations(predator prey) using Runge-Kutta in Python
3,888 Is there an ''enhanced'' numpy/scipy dot method?
3,888 How to determine the uncertainty of fit parameters with Python?
3,887 Using numpy.argpartition
3,887 Python 2.7 pickle won't recognize numpy multiarray
3,887 Pairwise operations (distance) on two lists in numpy
3,886 Convert 16-bit grayscale to QImage
3,886 32 bit RGBA numpy array from PIL image
3,885 Pandas 'isin' with output keeping order of input list
3,885 Error converting large sparse matrix to COO
3,884 Conditional formatting for 2- or 3-scale coloring of cells of a table
3,881 Numpy Convert String Representation of Boolean Array To Boolean Array
3,880 Python Pandas and NumPy.where behavior with mismatching numbers of rows
3,880 Delete columns of matrix of CSR format in Python
3,880 Convert numpy matrix into 1D numpy array
3,878 Understanding output of np.corrcoef for two matrices of different sizes
3,878 Compare a matrix against a column vector
3,877 Convert SAS code to Pandas equivalent for groupby.first() and retain function
3,876 python numpy.convolve to solve convolution integral with limits from 0 to t instead -t to t
3,876 Format timedelta64 string output
3,875 n*n Matrix using tile function in python [duplicate]
3,874 Why is numpy.any so slow over large arrays?
3,874 Python: Linear Regression, reshaping numpy arrays for use in model
3,874 finding inflection points in spline fitted 1d data
3,872 Passing a list to numpy.ix_, or how to slice a multidimensional array, when number of dimensions and selection criteria are not known beforehand?
3,872 How do I install numpy and matploblib on RedHat?
3,871 Improving performance of operations on a NumPy array
3,871 combining two slicing operations
3,870 Using Excel like solver in Python or SQL
3,869 Python: convert string array to int array in dataframe
3,869 how to hide axes in matplotlib.pyplot
3,868 How to create a Matrix through an iteration in Python
3,868 Error with Sci-Kit Learn SGD Algo - ''Array contains NaN or infinity''
3,866 Python's random module made inaccessible by Numpy's random module
3,866 How to speed up Python code for running on a powerful machine? [closed]
3,864 NumPy performance: uint8 vs. float and multiplication vs. division?
3,863 No module found in my python
3,862 Display NumPy array as continuously updating image with Glumpy
3,862 3d sobel algorithm in python?
3,861 numpy dot product with missing values
3,861 Extracting frequencies from a wav file python
3,860 Reverse an arbitrary dimension in an ndarray
3,860 Image Registration and affine transformation in Python
3,859 interpolation of sparse grid using python (preferably scipy)
3,858 Zipf Distribution: How do I measure Zipf Distribution
3,858 Pandas => get index of first and last element by group
3,858 Conversion error in numpy.loadtxt()
3,857 Solving a BVP with scipy's solve_bvp
3,857 How to avoid float values in regression models
3,856 numpy array memory allocation
3,855 PIL - TypeError: src is not a numpy array, neither a scalar
3,854 Train test split without using scikit learn
3,854 Removing duplicates (within a given tolerance) from a Numpy array of vectors
3,854 Python - Matplotlib / matplotlib.cbook.TimeoutError: LOCKERROR
3,853 Grayscale image using opencv from numpy array failed
3,852 ValueError: all the input array dimensions except for the concatenation axis must match exactly
3,851 Trying to convert an mp3 file to a Numpy Array, and ffmpeg just hangs
3,851 How to sum over two indices in python?
3,851 Find indexes of matching rows in two 2-D arrays
3,850 How to append element to each vector in a matrix - Python [duplicate]
3,849 CNN in Tensorflow - loss remains constant
3,847 Numpy error: underflow encountered in exp
3,846 pandas DataFrame type cast
3,846 numpy.polyfit versus scipy.odr
3,846 How do I select a window from a numpy array with periodic boundary conditions?
3,846 How do I install openCV via anaconda at mac ?
3,846 How can I avoid value errors when using numpy.random.multinomial?
3,844 Python code not running
3,842 TypeError: src data type = 15 is not supported
3,842 Matplotlib: IndexError: too many indices for array
3,841 Solving nonlinear differential first order equations using Python
3,840 Python Pie chart from CSV data
3,839 How to obtain reproducible but distinct instances of GroupKFold
3,837 Faster way to calculate sum of squared difference between an image (M, N) and a template (3, 3) for template matching?
3,837 Can't figure out what's wrong with data type in numpy loadtxt command
3,836 Trying to parse text files in python for data analysis
3,835 Indexing columns (or rows) in a numpy matrix with a Boolean list
3,835 Converting a data structure of dtype=object to numpy array of dtype=float64
3,834 How to create a pydub AudioSegment using an numpy array?
3,833 Sort NumPy float array column by column
3,832 Multidimensional Array and Magnitude of Gradient
3,832 Adding a column of zeroes to a csr_matrix
3,831 Remove head and tail from numpy array PYTHON
3,829 How can I replace values in an xarray variable?
3,829 Average arrays with Null values [duplicate]
3,828 Performance comparison Fortran, Numpy,Cython and Numexpr
3,827 numpy loading file error
3,827 Mean over multiple axis in NumPy
3,827 How to remove outliers correctly and define predictors for linear model?
3,826 Generate alphanumeric random numbers in numpy
3,824 NumPy: Calculate mean of certain elements in array
3,823 numpy.loadtxt could not convert string to float
3,823 Cannot understand plotting of decision boundary in SVM and LR
3,822 Need help combining two 3 channel images into 6 channel image Python
3,822 How to Train scikit-neuralnetwork on images
3,821 ''TypeError: Image data can not convert to float'' unsing matplotlib in python27
3,821 Locality Sensitive Hashing of sparse numpy arrays
3,819 Increment specific coordinates to a numpy array [duplicate]
3,819 ImportError: No module named array_import -----scipy
3,819 How to solve an equation with variables in a matrix in Python?
3,818 Getting attributes from arrays of objects in NumPy
3,818 Efficient way to do a rolling linear regression
3,817 How to read JUST filenames of a directory in python and then do the same job for all?
3,814 Python 2.7 Unrecognized Character G in format string during runtime
3,814 Efficiently reshape numpy array
3,813 Selecting which dimension to index in a numpy array
3,813 np.where 2D array
3,813 Finding the convolution of two histograms
3,812 Getting completely wrong fit from python scipy.optimize.curve_fit
3,811 Python multiprocessing (joblib) best way for argument passing
3,810 Error Converting Sparse Matrix to Array with scipy.sparse.csc_matrix.toarray()
3,809 What is the identity of ''ndim, shape, size, ..etc'' of ndarray in numpy
3,809 numpy append array to array
3,809 matplotlib creating 2D arrays from 1D arrays - is there a nicer way?
3,809 How to select not only the maximum of a `numpy.ndarray` but the top 3 maximal values in python?
3,808 Read csv file into n dimensional array in python
3,808 Numpy indexing with a one dimensional boolean array
3,808 How to create a multidimensional array from lists with NumPy?
3,807 Found input variables with inconsistent numbers of samples when fitting LogisticRegression
3,806 numpy slice an array without copying it
3,806 DeprecationWarning: object of type <class 'float'> cannot be safely interpreted as an integer
3,804 What's the difference between (N,) and (N,1) in numpy? [duplicate]
3,803 Weibull distribution and the data in the same figure (with numpy and scipy) [closed]
3,802 Python NumPy vs Octave/MATLAB precision
3,802 ndimage's center_of_mass to calculate the position of a Gaussian peak
3,802 List of tuples converted to numpy array
3,802 Error in `/usr/bin/python': double free or corruption (out): 0x00007f7c3c017260
3,801 numpy array of zeros or empty
3,801 Error : No module named numpy.core.multiarray. Maxent tree bank pos-tagger model is already installed
3,798 numpy.zeros shape statement [duplicate]
3,798 Numpy Modular arithmetic
3,797 Integer overflow in numpy arrays
3,797 How to use math.log10 function on whole pandas dataframe
3,795 In PIL, why isn't convert('L') turning image grayscale?
3,795 Infinite path length of graph for networkx
3,795 Constrained optimization in SciPy
3,794 python , opencv, image array to binary
3,793 create a matrix from a list in python
3,792 Python Histogram using matplotlib on top words
3,792 Logarithmic plot of a cumulative distribution function in matplotlib
3,791 How to do conditional statements in pandas/python with null values
3,791 How do I add Columns to an ndarray?
3,790 Line-Line intersection in Python with numpy
3,790 If statements with numpy [closed]
3,790 Convert numpy array with floats to binary (0 or 1 integers)
3,789 Elementwise multiplication of arrays of different shapes in python
3,788 Preserving the dimensions of a slice from a Numpy 3d array
3,788 'numpy.int64' object has no attribute 'timestamp'
3,788 how to do scatter/gather operations in numpy
3,788 Calculate moving average in numpy array with NaNs
3,786 After upgrading to Numpy 1.8.2, ImportError: cannot import name multiarray
3,785 Dynamic matrix in Python
3,784 matplotlib.pyplot.plot, ValueError: could not convert string to float: f
3,784 Extracting diagonal blocks from a numpy array
3,784 Concatenate numpy arrays
3,782 Python - Loop parallelisation with joblib
3,781 average numpy array but retain shape
3,779 Pixel coordinates vs Drawing Coordinates
3,779 How to create in one line a null vector of size 10 but the fifth value being 1 using numpy
3,779 How to Change File Extension (.npy to .csv) in Python?
3,778 Vertical Bar chart using rotation='vertical' not working
3,777 Python - vectorizing a sliding window
3,776 reading an ascii file with headers given in the first rows into a pandas dataframe
3,775 Python: Reading Fortran Binary file using numpy or scipy
3,775 How to remove top and bottom nth% of data
3,775 Creating an RGB picture in Python with OpenCV from a randomized array
3,775 Can I use numpy gradient function with images
3,774 Solving homogeneous system Ax=0 using numpy
3,774 Precision of numpy array lost after tolist
3,774 Converting from numpy arrays to a RGB image
3,774 AttributeError: 'tuple' object has no attribute 'ndim'
3,773 What is wrong with my cost function in numpy?
3,772 Read Values from .csv file and convert them to float arrays
3,772 numpy genfromtxt columns
3,771 python ValueError: column index exceeds matrix dimensions
3,771 How to use random.RandomState
3,770 How to install Numpy & Scipy for Python 3.3 on Moutain Lion
3,769 Fast 2D rigid body transformations in numpy/scipy
3,767 Profile Memory Allocation in Python (with support for Numpy arrays)
3,766 Remove bracket of a array python
3,766 Numpy svd vs Scipy.sparse svds
3,766 Numpy sum() got an 'keepdims' error
3,766 Numpy array addition with NoneType
3,765 AssertionError: incompatible sizes: argument 'height' must be length 5 or scalar
3,764 Storing Python objects in a Python list vs. a fixed-length Numpy array
3,764 Matplotlib bar plot with pandas Timestamp
3,762 Can you compute the amplitude/power of original signal from Fourier transform?
3,761 How to convert a numpy array view to opencv matrix?
3,761 Converting a list into a numpy array
3,760 How can I generate a Toeplitz matrix in the correct form for performing discrete convolution?
3,759 How to check if a number is a np.float64 or np.float32 or np.float16?
3,759 Double integral with function and sampled data Python
3,759 Assigning real and imaginary parts of a complex array from two arrays containing the two parts - Python
3,758 Pandas: how to fill null values matching the right types of that column?
3,758 Flatten a nested list of variable sized sublists into a SciPy array
3,757 plotting a scatter plot for list/array in matplotlib
3,757 how to exclude some numbers from a list
3,756 Numpy Array to Graph
3,756 Add metadata comment to Numpy ndarray
3,755 convert numpy int16 audio array to float32
3,754 insert matrix into the center of another matrix in python
3,753 How to compute scipy sparse matrix determinant without turning it to dense?
3,752 Inconsistency in results of aggregating pandas groupby object using numpy.median vs other functions
3,751 Combining two record arrays
3,749 python convert string to integer array
3,749 how to calculate entropy from np histogram
3,748 numpy.dot(a, b) gives wrong result on multiplication of matrices with similar dimenstions
3,745 Why doesn't opencv give this rectangle a colour using python's cv2
3,745 multiply and sum arrays in numpy
3,745 IronPython vs Python speed with numpy
3,745 2D linear interpolation: data and interpolated points
3,744 numpy.digitize returns values out of range?
3,744 Caffe installation in ubuntu 14.04
3,743 Why is skimage.transform.rotate significantly slower than PIL's Image.rotate?
3,743 scipy.polyfit(x, y, 100) would be 100th order polynome, but matplotlib.pyplot.legend displays 53?
3,742 How to read JPG2000 with Python?
3,742 How can I convert an ndarray to a matrix in scipy?
3,741 How to make sure that solution is global minimum while using python scipy.optimize.minimize
3,740 Python: concatenate arrays stored in a dictionary
3,740 How can I pass large arrays between numpy and R?
3,738 numpy.loadtxt: how to ignore comma delimiters that appear inside quotes?
3,738 Fourier Transform Using Numpy
3,737 Python and numpy - converting multiple values in an array to binary
3,737 Convert JSON file to numpy array
3,736 Passing memoryview to C function
3,736 How to import matrix from excel into numpy and then graph it? [closed]
3,736 displaying a colored 2d array in matplotlib in Python
3,735 Solving overdetermined system in numpy when the value of one variable is already known
3,735 Calculating velocities and acceleration in python for large numpy arrays
3,734 Avoid underflow using exp and minimum positive float128 in numpy
3,733 How to check if two Tensor shapes are the same including None?
3,733 A numpy array unexpectedly changes when changing another one despite being separate
3,731 Using scipy pdist on pandas data frames (and) lists
3,730 Python: Closest Point to a line
3,730 For a np.array([1, 2, 3]) why is the shape (3,) instead of (3,1)? [duplicate]
3,729 How to append a column to a 2d numpy array in Python 2.7?
3,728 How to efficiently compute the heat map of two Gaussian distribution in Python?
3,727 how to split matrix into 4 quadrants in python using numpy
3,724 Python Numpy.ndarray.shape limit
3,724 numpy.sum() gives `TypeError: sum() got an unexpected keyword argument 'dtype'`
3,724 Does np.dot automatically transpose vectors?
3,723 How to create an numpy array of labels from a numpy array of float?
3,723 Equivalent of R's of cor.test in Python
3,722 get the index of point which create ConvexHull
3,721 How to accumulate values in numpy array by column?
3,720 Fill zero values of 1d numpy array with last non-zero values
3,718 Max element/size of a numpy matrix?
3,717 Comparing RGB histograms: plt.hist, np.histogram, and cv2.compareHist
3,716 I can't solve issue ''axis -1 is out of bounds for array of dimension 0''
3,716 Floodfill segmented image in numpy/python
3,715 Fastest way to Calculate the Euclidian distance between 2 sets of vectors using numpy or scipy
3,714 Numpy printing with iterator .format throws an error
3,714 Calling lambda functions with iteration over a numpy array of shape `(n,)`
3,712 Python: numpy.histogram plot
3,711 easy_install and pip giving errors when trying to install numpy
3,711 Delaunay triangulation of point cloud
3,710 Numpy could not broadcast input array from shape (3) into shape (0) inside the method
3,710 Is there an equivalent Matlab dot function in numpy?
3,709 How to write 2D std vector of floats to HDF5 file and then read it in python
3,709 Efficiently Standardizing Images in a Numpy Array
3,708 cv2.COLOR_BGR2Lab is not working but cv2.COLOR_BGR2GRAY is working
3,708 creating elevation/height field gdal numpy python
3,707 Display image only in R(Red) channel using python
3,705 Mask numpy array based on index
3,704 Python draw path between point
3,704 How to detect if all the rows of a non-square matrix are orthogonal in python
3,704 How to access an element in a Numpy array
3,703 error installing numpy on Mac OS X 10.6
3,703 Apply numpy nonzero row-wise?
3,702 polynomial surface fit numpy
3,701 adding gaussian noise to image
3,700 Numpy's npv calculation
3,699 Can't get Theano to work on ubuntu 14.04
3,698 Indexing with Masked Arrays in numpy
3,698 How to restore a 2-dimensional numpy.array from a bytestring?
3,698 Cannot import seaborn
3,695 Python - Fitting exponential decay curve from recorded values
3,695 Get indices of numpy.argmax elements over an axis
3,695 Chose the farthest k points from given n points
3,692 nparray.T.reshape(x, -1).reshape(-1) : what does this do to the nparray?
3,690 Fastest Way to Multiply Dictionary Values and Output to 'list type'
3,688 Python Dynamic Array allocation, Matlab style
3,687 Visualize conv2d filter for TensorBoard image_summary
3,686 Skimage Python33 Canny
3,686 At what point should I worry about underflow in numpy values?
3,684 Cython says buffer types only allowed as function local variables even for ndarray.copy()
3,683 Numpy: populate a 2D numpy array with sequential integers
3,683 Number of features of the model must match the input?
3,683 Aggregate groups in Python Pandas and spit out percentage from a certain count
3,682 Is there a way to reduce scipy/numpy precision to reduce memory consumption?
3,681 How to use geopy to obtain the zip code from coordinates?
3,680 How to read only wav files in a directory using Python?
3,679 Numpy's float32 and float comparisons
3,679 Convert Pandas DateTimeIndex to YYYYMMDD integer?
3,676 How to copy array in Python
3,676 How do I convert csv string to list in pandas?
3,676 Convert Dictionary to Numpy array
3,675 Shape of passed values is (30, 569), indices imply (569, 569)
3,674 ValueError: setting an array element with a sequence. scipy minimize [closed]
3,674 tensorflow warning for data types
3,674 How can I install the latest versions of NumPy/Scipy/Matplotlib/IPython/Pandas on Ubuntu
3,673 Max of list of lists in Python [duplicate]
3,673 Convert header into row
3,673 conditional operation on numpy multidimensional array
3,672 numpy.tile did not work as Matlab repmat
3,672 Numpy C-Api example gives a SegFault
3,672 Flatten numpy array with sub-arrays of different dimensions
3,671 install scipy package via pycharm in windows 10 64 bit - python 3.5
3,670 find the dot product of sub-arrays in numpy
3,670 Error Converting PIL B&W images to Numpy Arrays
3,669 RuntimeWarning: divide by zero encountered in divide
3,668 Numpy: Set array element to another array
3,668 numpy.random.exponential(scale=1.0) returns numbers greater than 1
3,667 Unpack numpy array shape for general arrays
3,666 tensor dot operation in python
3,666 Remove empty 'rows' and 'columns' from 3D numpy pixel array
3,665 Load column in csv file into spaCy
3,665 Get norm of numpy sparse matrix rows
3,664 Numpy Array to SQL Table
3,664 get indicies of non-zero elements of 2D array
3,663 opencv warpPerspective parameter count
3,662 Are Numpy functions slow?
3,659 Python zero-size array to ufunc.reduce without identity
3,659 numpy concatenate two matrices . TypeError: only length-1 arrays can be converted to Python scalars
3,659 imread in pylab vs opencv: returning completely different array values
3,659 Get smallest N values from numpy array ignoring inf and nan
3,658 Get the last date of each month in a list of dates in Python
3,658 Can't get numpy to import with python3.2 [closed]
3,657 (Python) Is numpy.polynomial.polynomial broken in numpy 1.13.1 version?
3,657 How to implement a smooth clamp function in python?
3,656 Why does numpy silently convert my int array to strings when calling searchsorted?
3,656 Reading a text file and calculating probability and Shannon's entropy
3,656 Optimizing NumPy with Cython
3,655 Python tools for out-of-core computation/data mining
3,655 Find indices of common values in two arrays
3,653 Python numpy equivalent of R rep and rep_len functions
3,653 Pytesseract, trying to detect text from on screen
3,652 Cartesian products of lists without duplicates
3,651 Python Bar string on x axis
3,651 Plotting a Network Graph with all edges clearly visible
3,651 AttributeError: module 'numpy.core.multiarray' has no attribute 'einsum'
3,650 Return the indexes of a sub-array in an array
3,650 Lucas Kanade Optical Flow, Direction Vector
3,650 Efficient iteration over 3D array?
3,649 More efficient way to invert a matrix knowing it is symmetric and positive semi-definite
3,648 Python SciPy Possible cases of n choose k
3,648 Python - How to split cell in a column to a new row based of a delmimeter
3,647 making binned boxplot in matplotlib with numpy and scipy in Python
3,647 Euclidean distance of points coordinates in pandas dataframe
3,645 List comprehension-like approach for numpy arrays with more than one dimension
3,644 how kurtosis is calculated in scipy?
3,644 Faster convolution of probability density functions in Python
3,642 Updating numpy array in loop
3,642 quadpack.error: Supplied function does not return a valid float in python
3,642 Library not loaded: libmkl_intel_lp64.dylib, using Anaconda on OS X
3,642 Adaptive Histogram Equalization in Python
3,641 Numpy: ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
3,641 How to pass a numpy array of string types to a function in Cython
3,640 how to add error bars to histogram diagram in python
3,640 Dynamic numpy array in python
3,639 How can I make a pandas dataframe out of multiple numpy arrays
3,638 Softmax derivative in NumPy approaches 0 (implementation)
3,638 Pearson Correlation after Normalization
3,637 Python/SciPy: How to get cubic spline equations from CubicSpline
3,637 python numpy cast problem
3,636 Increasing speed of a pure Numpy/Scipy convolutional neural network implementation
3,636 Convert a dict to numpy multi-dimensional array
3,636 Circular convolution in python
3,635 ValueError: operands could not be broadcast together with shapes (200,49000) (10,49000) (200,49000)
3,633 TensorFlow: How to assign labels to image dataset when creating batches?
3,633 Different behavior of float32/float64 numpy variables
3,631 When using scipy.optimize.fmin_bfgs I got TypeError: f() missing 1 required positional argument:
3,631 Scipy ConvexHull and QHull: rank/dimension is not maximal
3,630 Translating a line of Matlab (bsxfun, rdivide) to Python
3,630 Optimizing Python KD Tree Searches
3,627 How do I convert a CSV file to an RGB image using python
3,627 Fourier Transform in Python 2D
3,626 ValueError: could not broadcast input array from shape (128,128,3) into shape (128,128)
3,626 Passing a numpy pointer (dtype=np.bool) to C++
3,626 Numpy Integer to String Based on Lookup Table
3,626 Numpy array indexing and/or addition seems slow
3,626 Find number of zeros before non-zero in a numpy array
3,626 Data type problem using scipy.spatial
3,626 Alternative to numpy roll without copying array
3,625 The PyData Ecosystem
3,624 If I use python pandas, is there any need for structured arrays?
3,624 Equivalent of Matlab 'ismember' in numpy (Python)?
3,622 How to create a diagonal sparse matrix in SciPy
3,622 Basemap and density plots
3,621 How to remove nth element in all numpy arrays in a numpy array?
3,620 Read specific lines from text file as numpy array
3,620 One-hot encoding of categories
3,620 Is there a built-in/easy LDU decomposition method in Numpy?
3,618 Subtract next row use current row, python dataframe
3,617 Is it possible to speed up this loop in Python?
3,615 statsmodel AR model answers wrong
3,614 TypeError / Array indexing; 'int' object does not support item assignment
3,614 Multiplying all combinations of array elements in numpy
3,614 Autocorrelation to estimate periodicity with numpy
3,613 numpy tostring equivalent to numpy fromstring
3,613 'Float' object has no attribute 'log'
3,613 Finding differences between all values in an List
3,613 Convert DatetimeIndex to datetime
3,612 Open .mat (matlab data) using python
3,611 Python - Reading HDF5 dataset into a list vs numpy array
3,611 Different ways to install numpy, scipy, and matplotlib on macOS via homebrew
3,610 scikits-learn pca dimension reduction issue
3,610 numpy.concatenate on record arrays fails when array has different length strings
3,609 line, = plot(x,sin(x)) what does comma stand for?
3,608 sigmoid RuntimeWarning: overflow encountered in exp
3,608 np.dot() with Python broadcasting
3,608 how to apply a deconvolution method on an image?
3,607 Python fork(): passing data from child to parent
3,607 How to edit h5 files with h5py?
3,607 How do I resolve one hot encoding if my test data has missing values in a col?
3,606 numpy array indexing with negative index
3,606 how to extract value from a numpy.ndarray
3,606 Converting a list into numpy array of specific dimension
3,605 Extracting unsigned char from array of numpy.uint8
3,604 Numpy octuple precision floats and 128 bit ints. Why and how?
3,604 ModuleNotFoundError: No module named 'numpy.testing._private
3,603 ndim in numpy array loaded with scipy.io.loadmat?
3,603 MemoryError when creating and writing
3,603 Editing Original DataFrame After Making a Copy but Before Editing the Copy Changes the Copy
3,601 Unpickling from converted string in python/numpy
3,601 Reading a .VTK polydata file and converting it into Numpy array
3,601 Pandas converting date with string in
3,601 Numpy Int Array to HEX and then to String Conversion PYTHON
3,601 Most efficient way to sum huge 2D NumPy array, grouped by ID column?
3,601 fastest way to populate a 1D numpy array
3,600 What is the best way to incrementally build a numpy array?
3,600 Using PIL to fill empty image space with nearby colors (aka inpainting)
3,600 Cython: Create memoryview without NumPy array?
3,598 scipy cdist or pdist on arrays of complex numbers
3,598 Pythonic way to replace list values with upper and lower bound (clamping, clipping, thresholding)?
3,598 Installing numpy, still problems
3,597 What is the default dtype for str like input in numpy?
3,597 Clustering of sparse matrix in python and scipy
3,596 Numpy diff inverted operation?
3,594 Looking for Python package for numerical integration over a tessellated domain
3,593 Wrapping C function in Cython and NumPy
3,593 numpy how find local minimum in neighborhood on 1darray
3,592 convert np.nan into value in numpy array
3,591 Store Numpy array index in variable
3,591 Pytorch - Pick best probability after softmax layer
3,591 Python: calculate the magnetic field of a wire using biot-savart-law
3,591 Differences between matrix multiplication and array dot
3,590 Writing a 3D Numpy array to a CSV file
3,590 Python: ''unsupported operand types for +: 'long' and 'numpy.float64' ''
3,589 Theano broadcasting different to numpy's
3,586 initialization of multiarray raised unreported exception python
3,585 pandas: subtracting two columns and saving result as an absolute
3,584 Using numpy.array in cython
3,584 Is there a difference between `board[x, y]` and `board[x][y]` in Python?
3,583 Numpy casting float32 to float64
3,582 how numpy partition work
3,581 Do numpy 1D arrays follow row/column rules?
3,581 Cython: Should I use np.float_t rather than double for typed memory views
3,580 XGBoost difference in train and test features after converting to DMatrix
3,579 How can I always have numpy.ndarray.shape return a two valued tuple?
3,579 Histogram manipulation to remove unwanted data
3,579 error of making a test and train data split in sklearn
3,578 nameerror:name 'array' is not defined [closed]
3,577 np.genfromtxt multiple delimiters?
3,575 How to visualize an distance matrix in Python? [duplicate]
3,574 Rotate meshgrid with numpy
3,574 Negative infinity and negative zero in numpy
3,574 data type is numpy.ndarray but expected numpy.int64
3,573 Transpose array and actually reorder memory
3,573 A value in x_new is above/below interpolation range
3,572 PyTorch: passing numpy array for weight initialization
3,572 Issues installing numpy on OS X 10.6.8
3,571 How to use numpy with cygwin
3,570 Stacking images in Python
3,570 Python: Convert xlrd sheet to numpy matrix (ndarray)
3,570 Python concatenate arrays in a list
3,570 Empirical cdf in python similiar to matlab's one
3,569 Python : How to fill an array line by line?
3,569 Plotting terrain data with matplotlib plot_surface
3,569 installation of another version of Numpy
3,569 Fastest way to check if duplicates exist in a python list / numpy ndarray
3,568 Sklearn SVM coefficient attribute - how to get class name?
3,568 How do I fit a quadratic surface to some points in Python?
3,568 Date formatting for bar charts in matplotlib [duplicate]
3,566 Optimizing numpy.dot with Cython
3,565 scipy sparse matrices and cython
3,565 Cannot install scipy, numpy or pandas with pip
3,564 numpy.int64' object has no attribute 'replace' while writing xml file using minidom
3,563 save images in hdf5 files
3,563 Numpy - How to replace elements based on condition (or matching a pattern)
3,563 Implementing tridiagonal matrix algorithm (TDMA) with NumPy
3,562 Python - save binned data to text file
3,562 How to save weights of a neural network
3,562 double precision and single precision floating point numbers?
3,561 How multiarray.correlate2(a, v, mode) is actually implemented?
3,560 Scipy odeint giving lsoda warning
3,560 How to avoid incorrect rounding with numpy.round?
3,558 How to do conditional row summation in numpy?
3,558 Can Python perform vectorized operations?
3,557 Different intervals for Gauss-Legendre quadrature in numpy
3,557 Converting astropy.table.columns to a numpy array
3,556 numpy.polyfit gives useful fit, but infinite covariance matrix
3,554 Speed comparison. numpy vs python standard
3,553 Generate ''random'' matrix of certain rank over a fixed set of elements
3,552 Using numpy.median on a masked array
3,552 QR factorisation using modified Gram Schmidt
3,551 TypeError: unsupported operand type(s) for /: 'list' and 'long'
3,551 Numpy Array reshape
3,550 What does (AttributeError: 'NoneType' object has no attribute '__array_interface__') mean?
3,550 How do I maximize efficiency with numpy arrays?
3,549 combine matrix and sparse matrix
3,547 Python pandas: Missing required dependencies ['numpy']
3,546 Import numpy throws error: SyntaxError: (unicode error) 'unicodeescape' codec can't decode bytes in position 2-3: truncated \uXXXX escape
3,545 TypeError: unsupported operand type(s) for *: 'method' and 'float'
3,545 Python importing package in function
3,545 Python: How to generate frequency count for all variables
3,545 How to integrate SQLAlchemy and a subclassed Numpy.ndarray smoothly and in a pythonic way?
3,544 Numpy array, insert alternate rows of zeros
3,544 Converting string to Numpy datetime
3,543 Efficient serialization of numpy boolean arrays
3,541 pandas.apply expects output shape (Shape of passed values is (x,), indices imply (x,y))
3,540 How to locate a particular ''region'' of values in a 2D numpy array?
3,539 Reproducing Excel's LINEST function with NumPy
3,537 Plotting the difference between two datetime64[ns]
3,535 vectorized approach to binning with numpy/scipy in Python
3,535 Perform a Standard Deviation on the values in a dictionary
3,535 Pandas rolling window to return an array
3,534 Removing NAN's from numpy 2-D arrays
3,534 how to normalize a numpy array in python
3,532 Tkinter - getting an array of entry values
3,532 Plotting all data files in a directory
3,531 Matplotlib fix axis - too many dates
3,531 Fast conversion of C/C++ vector to Numpy array
3,530 Numpy: Using a matrix as indices for another matrix to create a tensor?
3,530 How to create a Numpy array from a large list of list- python
3,529 How can i reduce memory usage of Scikit-Learn Vectorizers?
3,529 Append arrays of different dimensions to get a single array
3,528 Numpy: Replacing values in a 2D array efficiently using a dictionary as a map
3,528 Fast calculation of distances to each cluster center for an entire dataset
3,527 scipy.optimize.fminbound: Set bounds on parameters
3,527 Is numpy slower than c++ linear algebra libraries like eigen?
3,527 How to choose randomly between two values? [duplicate]
3,527 Concatenate two numpy arrays [duplicate]
3,526 Python: method to remove all duplicate points from a X,Y,Z file that have identical x and y coordinates
3,526 Matplotlib, avoiding unwanted triangles in plot_trisurf()
3,526 delete 'nan' or reduce length of numpy array if array contains nan after converting to numpy from pandas [duplicate]
3,525 Merge axis in numpy array
3,525 How can I check if one two-dimensional NumPy array contains a specific pattern of values inside it?
3,524 numpy array dtype is coming as int32 by default in a windows 10 64 bit machine
3,523 Sum ndarray values
3,523 Basics of numpy where function, what does it do to the array?
3,522 stack images as numpy array faster (than preallocation)?
3,522 Pandas reverse of diff()
3,520 Looking up large sets of keys: dictionary vs. NumPy array
3,519 Using NumPy to convert user/item ratings into 2-D array
3,519 sklearn feature.Extraction 'DictVectorizer' object has no attribute 'feature_names_'
3,519 NumPy linspace rounding error
3,519 numpy interp decreasing xp
3,519 Is there any way to delete the specific elements of an numpy array ''In-place'' in python:
3,518 Numpy - ImportError: cannot import name shares_memory
3,516 numpy ufuncs speed vs for loop speed
3,516 Numba Matrix Vector multiplication
3,515 numpy.array not working properly?
3,515 How could I get square root of a symbol in python?
3,515 Decimal to binary Half-Precision IEEE 754 in Python
3,515 Create Pandas dataframe from numpy array and use first column of the array as index
3,514 How do I clip a floating-point number to just below a limit?
3,514 convert cv2.umat to numpy array
3,514 Beginner extending C with Python (specifically Numpy)
3,514 average of a number of arrays with numpy without considering zero values
3,513 Matlab / Octave bwdist() in Python or C
3,511 how to call python scipy quad with array inputs
3,511 How do I create a scipy sparse matrix from a pandas dataframe?
3,511 Cython prange slower for 4 threads then with range
3,511 Convert numpy array of RGB values to hex using format operator %
3,510 Performance: Matlab vs Python
3,510 Efficient way of making a list of pairs from an array in Numpy
3,510 Cant install Numpy+MKL
3,508 Why numpy/scipy is faster without OpenBLAS?
3,506 Binning of data along one axis in numpy
3,506 Adding horizontal and vertical lines and colorbar to seaborn jointplot
3,505 pandas calculate mean of column that has lists instead of single value
3,505 Numpy: Multiply a matrix with an array of vectors
3,505 Clean mathematical notation of a for-loop
3,504 Very slow interpolation using `scipy.interpolate.griddata`
3,504 How to index 0-d array in Python?
3,501 Vectorize this function in Numpy Python
3,501 Sparse Matrix in Numba
3,501 Remove brackets from numpy array
3,500 Python - return intersection of two arrays
3,500 Python - reading/parsing binary file
3,500 How can I implement a dictionary with a NumPy array?
3,499 How to store int values in numpy.empty array?
3,499 How to replace a dataframe column with a numpy array column in Python?
3,498 Numpy two matrices, pairwise dot product of rows [duplicate]
3,498 How to find min/max values in array of variable-length arrays with numpy?
3,497 Using Template Matching on different sizes efficiently
3,496 Python - Reading a data text file with different delimiters
3,496 numpy.where() clause error
3,495 python error : too many indices for array
3,495 Plotting an awkward pandas multi index dataframe
3,495 Opencv Python open dng format
3,492 Python beginner, understanding some code
3,491 how to interpolate points in a specific interval on a plot formed by loading a txt file in to scipy program?
3,491 Building a 3D array from a number of 2D arrays with numpy
3,489 What is the best way to dynamically increase a numpy array in Python?
3,489 numpy.sort() error ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
3,488 How to fill NaN values in numeric array to apply SVD?
3,488 Fast incremental update of the mean and covariance in Python
3,487 Error - Calculating Euclidean distance for PCA in python
3,486 Python numpy sum (-1)
3,486 Does calling random.normal on an array of values add noise?
3,485 What is wrong with this extremely simple numpy script? [closed]
3,484 Summing Rows in Pandas Dataframe returning NAN
3,484 Python gradient descent - cost keeps increasing
3,482 Meshgrid of z values that match x and y meshgrid values
3,482 Make 2D Numpy array from coordinates
3,482 Insert image in matplotlib legend
3,482 How to draw contours using opencv in Python?
3,482 How to calculate the mean and standard deviation of similarity matrix?
3,480 Python: How do I create 2x2 array with NumPy?
3,480 Problems porting Matlab interp2 to SciPy interp2d
3,478 Embedding Python in MATLAB
3,477 Passing C++ vector to Numpy through Cython without copying and taking care of memory management automatically
3,477 Inverting large sparse matrices with scipy
3,476 error with reading float from two column text file into an array in Python
3,476 Clarification in the Theano tutorial
3,476 Can't reshape array with numpy
3,476 Calculate the percentage for python dictionary
3,475 using numpy to reduce the size of the matrix
3,475 numpy mean of multidimensional array
3,475 Efficiently convert numpy array of arrays to pandas series of arrays
3,475 Coefficients of Linear Model are way too large/low
3,474 Use size in Python
3,474 how to create an environment in anaconda with numpy nomkl?
3,473 Get matrix product of 3 matrices
3,473 Forcing datatype for hdf5 file using h5py
3,473 AttributeError: 'numpy.ndarray' object has no attribute 'units'
3,471 How can I install matplotlib for my AWS Elastic Beanstalk application?
3,470 Serialize/deserialize float arrays to binary file using BSON in Python
3,469 Transforming and Resampling a 3D volume with numpy/scipy
3,469 Faster matrix power than numpy?
3,468 How is the gradient and hessian of logarithmic loss computed in the custom objective function example script in xgboost's github repository?
3,468 Average data by each hour in python [closed]
3,467 Unable to import even after installing the packages
3,467 Python: numpy.linalg.linalg.LinAlgError: Singular matrix
3,467 NumPy 2D array: selecting indices in a circle
3,465 Type hint for NumPy ndarray dtype?
3,465 How to get the two smallest values from a numpy array
3,465 How to find degenerate rows/columns in a covariance matrix
3,464 Python: Store CSV data in list or array
3,464 How to resize a binary image through scikit-image?
3,464 How can I zoom in python plot or make it bigger?
3,462 Python advanced slicing
3,462 Counting of adjacent cells in a numpy array
3,460 Reshape numpy array having only one dimension
3,460 'Mean of empty slice' warning
3,460 Drop column that starts with
3,460 are numpy array elements rounded automatically?
3,457 How to plot the grid line only using pcolor/pcolormesh
3,457 Filter out non-zero values in a tensor
3,456 Producing an array from an ellipse
3,453 How can I combine graphs in Python? (I'm getting multiple graphs.)
3,452 How do I make a grid of empty lists in numpy that 'accepts' appending?
3,451 Mypy/typeshed stubs for Pandas
3,451 Difference between Sympy and Numpy solvers
3,450 Dot product between 1D numpy array and scipy sparse matrix
3,449 Print full value of tensor into console or write to file in tensorflow
3,449 Matrix power for sparse matrix in python
3,448 module 'scipy.optimize' has no attribute 'anneal'
3,448 Converting Python List to Numpy Array InPlace
3,446 RuntimeWarning: invalid value encountered in double_scalars
3,444 Python - numpy.loadtxt how to ignore end commas?
3,444 Numpy not found after installation
3,444 Modifying/Overwriting NumPy Array
3,441 Rewriting a for loop in pure NumPy to decrease execution time
3,441 numpy array using python's long type
3,441 How to convert NumPy array to cv array without using fromarray()?
3,441 Can I use idxmax() instead of argmax() in all cases?
3,440 Scipy - All the Solutions of Non-linear Equations System
3,440 ImportError: No module named numpy.distutils.core while installing XGBoost in Windows/Python
3,440 Compare column names of Pandas Dataframe
3,440 Adding data to existing h5py file along new axis using h5py
3,438 Optimizing a nested-loop operation
3,435 Python: Looking for a specific value in array column
3,435 How to obtain a weighted gaussian filter
3,435 How do I change a value in a .npz file?
3,435 Create Folder with Numpy Savetxt
3,435 comparing row in numpy array
3,434 Assign multiple values to multiple slices of a numpy array at once
3,433 Using arrays in for loops python
3,433 Python Pandas: Get dataframe.value_counts() result as list
3,433 exporting from/importing to numpy, scipy in SQLite and HDF5 formats
3,433 Can anybody explain me the numpy.indices()?
3,432 Filtering CSV data using Python/numpy
3,431 How to change multiple Pandas DF columns to categorical without a loop
3,431 Histogram of sum instead of count using numpy and matplotlib
3,431 Computing mean square displacement using python and FFT
3,430 Why is this syntax not working in Python?
3,429 np.percentile not equal to quartiles
3,429 How to create a Boolean array from an array of indices in numpy?
3,428 Numpy, python: automatically expand dimensions of arrays when broadcasting
3,427 numpy matrix inversion rounding errors
3,427 Install numpy + pandas as dependency in setup.py
3,427 Get sums of pairs of elements in a numpy array
3,426 Numpy matrix multiplication error
3,426 How can I find out if A * B is a Hadamard or Dot Product in Numpy?
3,425 Numpy.loadtxt imports data as array of arrays rather than a multidimension array
3,425 numpy arctan2 bug or usage issues?
3,425 Logical indexing in Numpy with two indices as in MATLAB
3,425 Accessing Lower Triangle of a Numpy Matrix?
3,424 Stacking numpy recarrays without losing their recarrayness
3,424 How to sort a list based on the output of numpy's argsort function
3,424 error when plotting log'd array in matplotlib/scipy/numpy
3,423 Saving Pandas dataframe indices to file
3,423 Calculating an average for every X number of lines
3,421 Exponential regression function Python
3,420 NumPy linalg.eig
3,420 Numpy Array Division - unsupported operand type(s) for /: 'list' and 'float'
3,419 Plot/Convert an expression coming from sympy: Taylor series with matplotlib
3,419 how to use converters in numpy to change time string into number
3,419 Finding very large jumps in data
3,418 Using Numpy's readtxt to read Hex numbers
3,418 Keras LSTM training data format
3,418 Joint entropy in python
3,418 Have trouble uninstall scipy on osx
3,417 reshaping image feed to tensorflow
3,416 Making my NumPy array shared across processes
3,416 efficiency of inverting a matrix in numpy with Cholesky decomposition
3,416 Converting a scipy coo_matrix to pytorch sparse tensor
3,416 Convert array into percentiles
3,415 reshape numpy 3D array to 2D
3,415 Getting InvalidArgumentError in Tensorflow
3,414 Numpy installation dependency
3,414 Matrix Constraints with Scipy.Optimize.Minimize
3,414 How to input a 2D array in Keras-Python?
3,413 keep getting ''only length-1 arrays can be converted to Python scalars''
3,412 What's the best way to create a ''3D identity matrix'' in Numpy?
3,411 Does NumPy have an inverse of unravel_index()?
3,411 Compute a Jacobian matrix from scratch in Python
3,411 Animation with contours matplotlib
3,410 scipy for ABAQUS on 64 bit Windows system
3,410 python numpy pairwise edit-distance
3,410 Extracting rows/columns of numbers from a txt file in Python
3,410 cv2.calcOpticalFlowPyrLK Adding New Points
3,410 Combining two Gaussians into another Guassian [closed]
3,409 Using scipy fft to calculate autocorrelation of a signal gives different answer from the direct calculation
3,409 Using numpy functions when dtype is object
3,409 FFT based image registration (optionally using OpenCV) in cpp?
3,408 Numpy RuntimeWarning: divide by zero encountered in log10
3,408 Most efficient way to create an array of cos and sin in Numpy
3,408 How to sort two-dimensional array in python
3,407 Theano element wise maximum
3,407 Tensorflow numpy image reshape [grayscale images]
3,407 Dynamic Array 2D in Python
3,404 Python: Successive-over-relaxation (Gauss-Seidel with relaxation) code is not converging
3,404 Numpy random seed valid for entire jupyter notebook
3,403 strange numpy fft performance
3,403 How to convert pandas DataFrame into bytes and vice versa?
3,403 Estimating confidence intervals around Kalman filter
3,402 How to override OSX's version of numpy when I import in Python 2.7?
3,402 Get non-masked values in Numpys Masked arrays
3,401 Matching Pandas DataFrame Column Values with another DataFrame Column
3,399 Numpy savez / load thousands of arrays, but not in one step
3,399 numpy fromiter with generator of list
3,399 Numpy array of dicts
3,399 Fit spline through scatter
3,398 How to export DataFrame to_json in append mode - Python Pandas?
3,398 Efficient way to find price momentum in python: averaging last n entries of a column
3,397 Performance of various numpy fancy indexing methods, also with numba
3,396 Fast conversion of time string (Hour:Min:Sec.Millsecs) to float
3,396 Determine if there is at least one zero in a multidimensional numpy array
3,395 Numpy dot product very slow using ints
3,395 gaussian sum filter for irregular spaced points
3,394 Using fit transform on a numpy array
3,394 Unwrap angle to have continuous phase
3,394 loading EMNIST-letters dataset
3,393 Partition a list into sublists by percentage
3,392 Plotting histogram of floating point numbers and integers in python
3,391 Fill an array with nan in numpy
3,390 What is the built-in function A of numpy array.A?
3,390 Iterate over numpy with index (numpy equivalent of python enumerate)
3,390 How to read a text file with mixed data_types automatically in Python?
3,389 numpy.distutils.system_info.NotFoundError: no lapack/blas resources found :Error while installing scipy
3,389 Efficient way to sample a large array many times with NumPy?
3,388 Python Multiple Simple Linear Regression
3,385 Faster rolling_apply on a Pandas DataFrame?
3,384 scipy function always returns a numpy array
3,384 How to compute moving (or rolling, if you will) percentile/quantile for a 1d array in numpy?
3,383 Variables with dynamic shape TensorFlow
3,383 Butterworth filter applied on a column of a pandas dataframe
3,382 write numpy array with its size to binary file
3,382 autocorrelation function of time series data with numpy
3,381 Find the second closest index to value
3,379 Python/numpy locating Runtime Warning
3,378 Reading numpy matrix in batches in Tensorflow
3,377 Is there a method in numpy to multiply every element in an array?
3,376 Fastest way of comparing two numpy arrays
3,376 Can not find linspace in python3
3,376 Assign value to array in dictionary: 'numpy.float64' object does not support item assignment
3,375 Why do I get error trying to cast np.array(some_list) ValueError: could not broadcast input array
3,375 SQL join or R's merge() function in NumPy?
3,375 Numpy: creating an empty array results in memory error?
3,375 How to get a percentile for an empirical data distribution and get it's x-coordinate?
3,375 Extending Numpy with C function
3,374 What does Grid_scores_ mean in Scikit-learn's GridSearchCV
3,374 Python Numpy : np.int32 ''slower'' than np.float64
3,374 Numpy TypeError: an integer is required
3,374 Numerical issue with np.exp()
3,374 How to use SVM regression in Iris dataset with pandas
3,374 How can i view the entire matrix in python? [duplicate]
3,373 How to set a PyQtGraph GraphicView window to maximized state
3,372 Take first dimension in ndarray python
3,372 Python: Multiplying a 3x3 matrix to 3nx1 array without using loops [closed]
3,371 Scipy Newton with derivative: TypeError: 'numpy.float64' object is not callable
3,371 Inverse function of numpy.polyval()
3,371 Fastest way to filter a numpy array by a set of values
3,371 Efficient 1D linear regression for each element of 3D numpy array
3,370 reading middlebury 'flow' files with python (bytes array & numpy)
3,370 Reading and manipulating multiple netcdf files in python
3,370 Python struct like Matlab
3,370 numpy pad array with nan, getting strange float instead
3,370 cpython vs cython vs numpy array performance
3,369 reading nested .h5 group into numpy array
3,368 MATLAB ksdensity equivalent in Python
3,367 RuntimeWarning: overflow encountered in square
3,367 Python numpy masked array initialization
3,364 Numpy optimization with Numba
3,363 How do I implement the Probability density function of a Gaussian Distribution
3,363 Fill shape using ndimage.binary_fill_holes
3,363 Accessing the first items in a numpy array of tuples
3,362 Why this numba code is 6x slower than numpy code?
3,362 calculate distance of 2 list of points in numpy
3,361 Why numpy is 'slow' by itself?
3,361 Split numpy array into chunks by maxmimum size
3,360 Port Python virtualenv to another system
3,360 Is it possible to convert a numpy int64 array to type int
3,359 Sphinx Autodoc and NumpyDoc
3,359 Performance of numpy.searchsorted is poor on structured arrays
3,359 Numpy fft.pack vs FFTW vs Implement DFT on your own
3,359 How to replicate a row of an array with numpy?
3,358 Select rows from a pandas dataframe with a numpy 2D array on multiple columns
3,358 NumPy Data Type Not Understood
3,358 magnetic field visualization with quiver-function in Python
3,358 EOFError: ran out of input. Getting this error when trying to pickle.loads from a socket
3,357 How to make a tuple including a numpy array hashable?
3,357 How to check Pandas cell value is nan
3,356 Scipy.optimize.minimize function to determine multiple variables
3,356 Computing the mean square displacement of a 2d random walk in Python
3,355 Filling array with zeros in numpy
3,354 install numpy and matplotlib to locally installed python2.7 in linux
3,353 Should I preallocate a numpy array?
3,353 matplotlib: How to conditionally plot a histogram from a 2d array
3,351 no module named `numpy` in python 3.6 interpreter
3,349 Slicing numpy array with another array
3,349 Python 3.x's dictionary view objects and matplotlib
3,349 filling numpy array with random element from another array
3,348 ModuleNotFoundError: No module named 'numpy'; but numpy installed
3,348 How to print numpy array in binary representation mode
3,347 System of equations, non-square
3,347 How can I create a matrix, or convert a 2D array into matrix in Python?
3,346 Replacing values in numpy array
3,346 2D motion estimation using Python, OpenCV & Kalman filtering
3,343 Getting the singular values of np.linalg.svd as a matrix
3,343 Get all except first and last n elements of a numpy array
3,343 Extract histogram modes by detecting the local maxima of a vector with NumPy/SciPy
3,342 Outer product with Numpy and Ndarray
3,342 How to make a numpy recarray with datatypes (datetime,float)?
3,341 pip install numpy pandas fails?
3,341 Fastest way to read every n-th row with numpy's genfromtxt
3,341 Add and access object-type field of a numpy structured array
3,340 Type error, and then ValueError: x and y must have same first dimension
3,340 Series object not callable
3,340 Scikit grid search for KNN regression ValueError: Array contains NaN or infinity
3,340 'int' object has no attribute 'item' in numpy array [closed]
3,339 saving a numpy array as a io.BytesIO with jpg format
3,339 Parallelizing python: multiprocessing vs cython
3,339 keyError when trying to drop a column in pandas.
3,339 ImportError with scipy/sklearn: `/usr/lib/liblapack.so.3gf: undefined symbol: ATL_chemv`
3,339 How is numpy's fancy indexing implemented?
3,339 Alternative of numpy.linalg.pinv in tensorflow
3,337 Solve system of linear integer equations in Python
3,337 Python/numpy tricky slicing problem
3,337 How can I subtract a scalar from every element in one axis of an ndarray
3,337 cumsum per group in column ordered by second column append to original dataframe
3,336 speeding up numpy kronecker products
3,335 Matplotlib: unsupported operand type(s) for -: 'list' and 'float'
3,334 Precision in numpy: issues while comparing numbers
3,334 numpy - return first index of element in array [duplicate]
3,334 Combining multiple timeseries data to one 2d numpy array
3,332 Numpy structured array with datetime
3,332 Indices of fixed size sub-matrices of numpy array
3,331 error importing stats from scipy- new computer with new ArcGIS 10.1 install
3,331 Appending to file using savetxt
3,330 applying a function to each element in vector in numpy
3,329 Using Pandas value.counts() to get one value
3,329 scipy: how to get all non-zero value index for each row?
3,329 numpy array - more and less than [duplicate]
3,329 How to implement Numpy where index in TensorFlow?
3,327 Reconcile np.fromiter and multidimensional arrays in Python
3,326 resize a 2D numpy array excluding NaN
3,324 Numpy sum of values in subarrays between pairs of indices
3,324 N dimensional array in python
3,324 Fast algorithm to compute Adamic-Adar
3,324 Comparing NumPy arrays so that NaNs compare equal
3,323 pytorch: Convert a tuple of FloatTensors into a numpy array
3,323 how to use vstack in a for loop in order to append csr_matrix matrices together
3,323 Calculating thd in python
3,322 Specifying default dtype for np.array(1.)
3,322 Scipy sparse dia_matrix solver
3,322 Displaying a cvMatrix containing complex numbers (CV_64FC2)
3,322 Convert RGB array to HSL
3,320 Along what axis does mpi4py Scatterv function split a numpy array?
3,319 Pandas Random Weighted Choice
3,318 Pandas: How do I repeat dataframe for each value in a series?
3,317 numpy sliding 2d window calculations
3,317 Convert vtkPoints to numpy array?
3,316 How to calculate a Confidence Interval using numpy.percentile() in Python
3,315 random.expovariate(rate) and numpy.random.poisson(quantity) yield the same average value, but the distributions are vastly different. Why is this?
3,314 Python gzip: OverflowError size does not fit in an int
3,314 Inexplicable Numpy nan's in np.sqrt() or np.arctan() [closed]
3,313 why is numpy shape empty?
3,312 Read a 3d Array from File
3,312 Determine arguments where two numpy arrays intersect in Python
3,311 Python float vs numpy.float32 [duplicate]
3,311 Implementing Adagrad in Python
3,311 Describing gaps in a time series pandas
3,311 Axes labels within numpy arrays
3,310 Blur from OpenCV in Region of Interest
3,309 Sphinx Unexpected section title - numpydoc
3,309 Meaning of the function numpy.fft.fftfreq
3,308 Python converting lists into 2D numpy array
3,308 Overlay two numpy arrays treating fourth plane as alpha level [duplicate]
3,308 Numpy - show decimal values in array results
3,308 Create 2D projection of 3D matrix in python
3,307 KeyError: 'Date'
3,307 How do I turn a Pytorch Dataloader into a numpy array to display image data with matplotlib?
3,306 Why numpy gave ''segmentation fault'' upon import and pydoc?
3,306 Sparse matrix: how to get nonzero indices for each row
3,306 numpy and pandas timedelta error
3,305 import Numpy as np ModuleNotFoundError: No module named 'Numpy'
3,305 Error in python numpy
3,304 Python TypeError: list indices must be integers, not tuple
3,304 Python split a list of datetimes by year + month
3,303 Errors to fit parameters of scipy.optimize
3,301 Why doesn't numpy.random and multiprocessing play nice? [duplicate]
3,300 How to write numpy arrays to .txt file, starting at a certain line?
3,298 python how to inverse a sparse matrix [closed]
3,298 Extracting data in Python script from Paraview 4.2
3,297 Resizing numpy.memmap arrays
3,297 pandas installation on ubuntu error code 1 in /tmp/pip-build-FM0q5o/pandas/
3,297 Best practice for upgrading Python modules?
3,296 Numpy - loadtxt and using converter for date
3,296 How to plot a 3d scatterplot with the color determined from another variable?
3,295 Using python/numpy to create a matrix?
3,295 Python - Matplotlib redrawing lines without previous lines remaining
3,295 How to remove a comma at the end every row in a CSV with Python?
3,295 How to get RMSE from scipy.optimize.leastsq module
3,295 extract the first occurrence in numpy array following the nan
3,295 Convert PIL image to OpenCV2 image
3,295 Check Upper or Lower Triangular Matrix
3,294 NumPy exception when using MLlib even though Numpy is installed
3,294 Count number of unique values for multiple columns in Python [duplicate]
3,294 Convert a variable sized numpy array to Tensorflow Tensors
3,292 Using bool array mask, replace False values with NaN
3,291 Use fill_value outside boundaries with scipy.interpolate.griddata and method=nearest
3,291 Python/numpy: Get array locations of a list of values
3,291 How to get mean of rows selected with another column's values in pandas
3,291 Explanation of the scatter method in python (for machine learning)
3,290 ValueError: setting an array element with a sequence at fit(X, y) in k-nearest neighbor
3,289 SciPy SVD vs. Numpy SVD
3,289 Python: ''TypeError: list indices must be integers, not tuple''
3,289 python- convolution with step response
3,289 How to setup numpy in jython
3,288 Can numpy's argsort give equal element the same rank?
3,287 Fast duplicates removal in numpy and python
3,286 When use ''cv2.drawMatches'', error occurs: ''outImg is not a numpy array, neither a scalar'' [closed]
3,286 slicing a 2d numpy array
3,286 loading arrays saved using numpy.save in append mode
3,286 Evaluate all pair combinations of rows of two tensors in tensorflow
3,285 memory overflow when using numpy load in a loop
3,285 how to install panda using easy_install?
3,285 Converting pandas data frame into numpy ndarray [duplicate]
3,284 Why does numpy.copy of a nympy.matrix not act like the original matrix ? Multiplication with the transpose of that copy does not work
3,284 Is there a built-in function in Tensorflow for shuffling or permutating tensors?
3,284 How to display a percentage of an Array in python
3,282 python math, numpy modules different results?
3,281 Total size of array must be unchanged
3,281 NumPy: using loadtxt or genfromtxt to read a ragged structure
3,281 Flip and rotate numpy array
3,280 Numpy: Indexing over the last axis when you don't know the rank in advance
3,280 How to use KBinsDiscretizer to make continuous data into bins in Sklearn?
3,279 How to save solve this: saving images with PIL.Image
3,278 fastest way to iterate in python
3,277 How can I get specific rows of a tensor in TensorFlow?
3,277 Generating random numbers to obtain a fixed sum(python) [duplicate]
3,277 boost.python argument type mismatch (numpy.int64 -> int)
3,276 Pass vector (float4) kernell argument to OpenCL (Python)
3,276 How to choose where numpy.savez saves the files?
3,275 Why does numpy.power return 0 for small exponents while math.pow returns the correct answer?
3,274 Parsing specific columns from a dataset in python
3,274 Calculating autocorrelation function with Python
3,273 Solve Lotka-Volterra model using SciPy
3,272 ValueError: cannot reshape array of size 189000 into shape (28,28,1)
3,272 numpy - how to add a value to every element in the first column of an array?
3,271 limit how much data is read with numpy.genfromtxt for matplotlib
3,271 Better way to calculate difference between numpy unsigned ints in Python
3,270 Python: How does one typically get around ''Maximum allowed dimension exceeded'' error?
3,270 Python error ''cannot perform reduce with flexible type'' when finding maximum
3,270 MoviePy VideoFileClip instance has no attribute 'reader'
3,270 How to make multidimensional array by numpy.repeat [duplicate]
3,270 How do I inner join two array in numpy?
3,270 Effectively change dimension of scipy.spare.csr_matrix [duplicate]
3,270 cv2.hough circles error on video
3,269 Finding blank regions in image
3,269 Applying a filter on an image with Python
3,267 Reshape the image matrix in python
3,266 Acces all off diagonal elements of boolean numpy matrix
3,265 Python, use multiprocessing to further speed up a cython function
3,264 pandas string data types
3,264 OLS in Python with Dummy Variables - Best Solution?
3,264 How to compare 2 sparse matrix stored using scikit-learn library load_svmlight_file?
3,264 How can I sample a multivariate log-normal distribution in Python?
3,263 Memory error in np.hstack()
3,262 Get row-index of the last non-NaN value in each column of a pandas data frame
3,262 Create Pandas dataframe with list as values in rows
3,261 Double the length of a python numpy array with interpolated new values
3,258 SciPy Curve Fit Fails Power Law
3,258 Numpy masked arrays - indicating missing values
3,257 numpy: efficient execution of a complex reshape of an array
3,257 Convert numpy int array to boolean array
3,257 Convert a list of dictionaries to numpy matrix? [duplicate]
3,256 sklearn classification_report ValueError: Unknown label type:
3,256 How to show numpy 2d array as grayscale image in Jupyter Notebook? [duplicate]
3,255 using numpy to convert an int to an array of bits
3,255 The truth value of an array with more than one element is ambiguous (numerical)
3,255 Stepinfo in Python [closed]
3,255 How to get the frequency of a specific value in a numpy array
3,254 Equivalent of named tuple in NumPy?
3,254 Converting an array of numpy arrays to DataFrame
3,253 A system of linear equations such that matlab backslash and numpy.linalg.solve produce different solutions
3,252 Issue with true division with Numpy arrays
3,251 Unexpected nan behaviour when summing a numpy array full of nan
3,251 Discretised color map with transparency in Matplotlib
3,250 Replacing elements in a numpy array when there are multiple conditions
3,250 multiple numpy version on Mac OS X
3,250 How do I implement leaky relu using Numpy functions
3,249 What is the best drop-in replacement for numpy.interp if I want the null interpolation (piecewise constant)?
3,248 Trying to append arrays
3,248 Passing numpy arrays in Cython to a C function that requires dynamically allocated arrays
3,248 Diagonal stacking in numpy?
3,247 Numpy 2D- Array from Buffer?
3,246 Python numpy split a csv file by the values of a string column
3,245 Tensorflow error ''unhashable type: 'numpy.ndarray'''
3,244 Python on Jupyter: import cv2
3,244 how to remove specific character in numpy?
3,243 Fast, elegant way to calculate empirical/sample covariogram
3,243 2D Array from a columned text file in python
3,242 Matlab to Python code conversion: Binary phase-shift keying (BPSK)
3,242 Inverse of np.percentile() [duplicate]
3,242 How to convert a scipy row matrix into a numpy array
3,241 Python Numpy: ValueError: shapes (200,2) and (1,2) not aligned: 2 (dim 1) != 1 (dim 0)
3,241 Is openpyxl the fastest package to use to read big xlsx files?
3,241 CompilerWarning with OpenCL
3,240 Python+OpenCV+py2app: numpy.core.multiarray failed to import
3,238 How can I use a Pandas data structure to calculate autocorrelation?
3,237 FFT results Matlab VS Numpy (Python) : not the same results
3,235 Scale the real part of complex numpy array
3,233 Vector-valued function interpolation using NumPy/SciPy
3,233 Remove string quotes from array in Python
3,233 Numpy loadtxt rounding off numbers
3,233 How can I import a 3d model/mesh with python
3,232 Unknown error in mpl_finance candlestick. What to do?
3,232 Multiply two arrays with different dimensions using numpy
3,231 IO Error: csv file does not exist though it exists at given location specified
3,230 puzzled on how to slice a numpy array
3,230 Pandas and Python image to numpy array [closed]
3,230 Closing a file after using np.load (using Spyder)
3,229 Using numpy fromfile on binary file returns 1 dimension ndarray
3,229 numpy dot product and matrix product
3,228 Load images into numpy array
3,228 How to synthesize sounds?
3,228 how to get the index of the largest n values in a multi-dimensional numpy array [duplicate]
3,228 How to display tiff file in color?
3,227 Skip rows when reading data from file using numpy.genfromtxt
3,227 Python - Get steps needed to convert matrix to RREF
3,227 Fast way to convert an array of integers to color strings or color values in python
3,226 Python pseudo inverse and determinant of a vector
3,226 Parse matrix from XML using Python
3,226 Numpy splitting multidimensional arrays
3,225 Comparing numpy datatypes to strings
3,223 Cosine similarity yields 'nan' values pt.II
3,222 emacs-jedi does not find numpy completions
3,222 Converting 3x32x32 size numpy image array to 32x32x3 and saving to actual image in Python
3,222 2d convolution in python with missing data
3,221 find the frequency amplitude and phase of a wav file by fft
3,221 Better alternative to nested for loops through arrays in numpy?
3,220 NumPy has no attribute array [duplicate]
3,220 How to Convert (timestamp, value) array to timeseries [closed]
3,219 Writing an infinite sum (of a function that has an integral) in Python
3,219 TypeError: len() of unsized object when slicing a dataframe - different float formats?
3,219 matplotlib.mlab.griddata very slow and returns array of nan when valid data is input
3,219 Group numbers into ranges in Python [duplicate]
3,217 Python ImportError "cannot import name 'multiarray'
3,217 Numpy: axis 1 is out of bounds for array of dimension 1
3,217 Most efficient way to groupby => aggregate for large dataframe in pandas
3,216 How to implement maxpool: taking a maximum on sliding window on image or tensor
3,216 AttributeError: module 'statsmodels.sandbox' has no attribute 'stats'
3,214 Python3 Pillow Get all pixels on a line
3,214 Distance/absolute error between two numbers [closed]
3,212 Writing functions that accept both 1-D and 2-D numpy arrays?
3,211 Transposing the list
3,211 pandas histogram with logarithmic axes
3,210 Loop for Subtracting within Array Elements
3,210 Assigning arrays as values for a key in a dictionary
3,208 What's the efficient inverse-operation of numpy.array_split?
3,208 numpy sort arrays based on last column values [duplicate]
3,208 Get a subarray from a numpy array based on index
3,207 numpy.polyfit with adapted parameters
3,207 ndarray field names for both row and column?
3,207 How to reshape a Numpy array from (x,y,z) to (y,z,x)
3,207 How can I read 10-bit Raw image? which contain RGB-IR data
3,205 How to find maximum negative and minimum positive number in a numpy array?
3,204 Numpy savetxt: How to save file into a relative path?
3,204 Install matplotlib to pypy
3,204 ''Incompatible Dimensions'' using lstsq with Python's numpy
3,204 Approximation of covariance for differently sized arrays
3,204 Append to Numpy Using a For Loop
3,203 How to create a 2D ''rect'' array (square block of 1's, else 0's) in numpy?
3,203 Eigen Matrix Multiplication Speed
3,203 Calculate cosine similarity of all possible text pairs retrieved from 4 mysql tables
3,203 Attempt to open h5py file, returns errorno = 17, error message = 'file exists'
3,203 anaconda ImportError: No module named numpy after pip uninstall
3,202 Using polyfit on pandas dataframe and then adding the results to new columns
3,202 python, plot triangular function into 2d arrays
3,200 numpy.logical_and versus multiplication
3,200 how to copy numpy array value into higher dimensions
3,199 'TypeError: an integer is required' when initializing random weight matrix in numpy with numpy.random.randn()
3,199 python filter 2d array by a chunk of data
3,197 sum over values in python dict except one
3,197 Standard Deviation of a percentage change in Python
3,196 Find the lengths of list within numpy ndarray
3,195 Read a sequence of images with VideoCapture
3,195 Get Nearest Point from each other in pandas dataframe
3,194 Tensorflow loss not decreasing and acuraccy stuck at 0.00%?
3,194 Combine Sklearn TFIDF with Additional Data
3,192 Sort matrix based on its diagonal entries
3,192 Read the picture as a grayscale numpy array, and save it back
3,192 padding arrays using numpy
3,192 Memory error In instantiating the numpy array
3,192 Change default arguments of function in python
3,191 Python: write numpy array contents to file
3,190 Python Matrix multiplication; numpy array
3,189 python numpy.where function for lists
3,189 Matlab freqz function in Python
3,189 Cython buffer declarations for object members
3,188 Unable to convert a sparse matrix to a dense one
3,188 Sliding Gabor Filter in python
3,188 Plotting a set of data with two columns?
3,187 numpy AttributeError: with theano module 'numpy.core.multiarray' has no attribute _get_ndarray_c_version
3,187 How to apply numpy random.choice to a matrix of probability values (Vectorized solution)
3,187 Conversion from numpy array float32 to numpy array float64
3,186 Understanding Matrix to List of List and then Numpy Array
3,186 NumPy won't upgrade from 1.5.1 to 1.6.2 on OS X 10.7
3,185 Save scipy object to file
3,185 Proper way to do row correlations in a pandas dataframe
3,184 numpy array conversion to pairs
3,182 Scatter() takes at least 2 arguments (1 given)
3,182 Efficient way of taking Logarithm function in a sparse matrix
3,181 Python/Numpy error: NULL result without error in PyObject_Call
3,181 Find the index corresponding to the max value of a numpy array
3,181 AttributeError: 'Tensor' object has no attribute 'reshape'
3,180 Power of a decimal number producing OverflowError
3,179 Speed up reading wav in python
3,179 Numpy: views vs copy by slicing
3,179 How to interpolate using nearest neighbours for high dimension numpy python arrays
3,178 Spliting dataframe in 10 equal parts and merge 9 parts after picking one at a time in loop
3,178 How to build a numpy array row by row in a for loop?
3,177 numpy index slice with None
3,176 Python: Type error when drawing contour plot
3,174 Two-dimensional np.digitize
3,173 Why Numpy has dimension (n,) instead of (n,1) only [duplicate]
3,173 How can I prevent Numpy/ SciPy gaussian blur from converting image to grey scale?
3,173 Convert a Pandas DataFrame to a multidimensional ndarray
3,172 Python: Reading complicated text files with numpy
3,172 How to choose number of bins in numpy.histogram?
3,172 Delimiting contiguous regions with values above a certain threshold in Pandas DataFrame
3,170 Python pandas groupby agg function on datetime columns
3,170 Numba jit nopython mode: tell numba the signature of an external arbitrary function
3,170 find Markov steady state with left eigenvalues (using numpy or scipy)
3,168 Understanding the use of any() and all() in numpy arrays
3,168 Python keras neural network (Theano) package returns an error about data dimensions
3,168 matplotlib hist while ignoring a particular no data value
3,168 How to make 3d bar plot in Python
3,166 MemoryError from numpy.linalg.svd for large matrices
3,166 how to copy an array into a bigger array(partial copy)
3,164 numpy read .csv with complex number
3,163 setuptools, numpy.distutils.core, install_requires, and f2py extension
3,163 Pandas dataframe to 1-d array
3,163 filling in numpy array
3,162 Singular Value Decomposition: Different results with Jama, PColt and NumPy
3,162 ImportError: No module named 'numpy.ma'
3,162 How can I make a greyscale copy of a Surface in pygame?
3,160 Using Python how do I generate a random number within a range for each row in Pandas dataframe?
3,160 Theano fails due to NumPy Fortran mixup under Ubuntu
3,160 Implementing complex number comparison in Python?
3,159 TypeError: data type not understood in Python fromfile
3,159 Python scipy getting the results of Delaunay triangulation
3,158 Use numpy in python3 - Ubuntu
3,158 GaussianMixture initialization using component parameters - sklearn
3,157 Elegant way to get all categorical columns in pandas?
3,157 Converting a DateTime Index value to an Index Number
3,156 What is the advantage of PyTables? [closed]
3,156 Understanding the difference between vectorizing in Numpy and multi-threading of vectorized expression via Numexpr
3,156 Linear algebra on iPhone (python/numpy?) [closed]
3,155 Python add gaussian noise in a radius around a point [closed]
3,155 IndexError: too many indices on Python
3,155 Calculating Correlation Coefficient with Numpy
3,154 Can't reshape the numpy array containing PNG images
3,153 sort numpy array with custom predicate
3,153 Python: how to convert a complex array to a 2D array?
3,152 numpy genfromtxt converters unknown number of columns
3,152 Filter integers in numpy float array
3,151 numpy arange and where
3,151 Fill 2D numpy array from three 1D numpy arrays
3,150 Inverse probability density function
3,149 Numerical integration in Python with adaptive quadrature of vectorized function
3,149 how to select a subset of columns of a row of a numpy record array?
3,148 NumPy - Image (matrix) thresholding using an intensity value matrix.
3,148 Many particles in box - physics simulation
3,147 Shortest Syntax To Use numpy 1d-array As sklearn X
3,147 How to update an SVM model with new data
3,146 How to convert (5,) numpy array to (5,1)?
3,145 ''ValueError: x and y must have same first dimension'', error in plotting graph in pylab
3,145 Speed up for loop in convolution for numpy 3D array?
3,145 Sending and receiving structured array data in MPI4Py using NumPy
3,145 Python Dataframe: Calculating Confidence or Prediction Intervals Using Groupby on One Column
3,145 indexing numpy array neighbours efficiently
3,145 How do I find the distances between two points from different numpy arrays?
3,144 Python plot median value
3,144 Python: import scipy leads to traceback referencing a deleted file
3,143 Python group by array a, and summarize array b - Performance
3,143 Numpy Matrix Multiplication Broadcast
3,143 numpy: how interpolate between two arrays for various timesteps?
3,143 Jupyter notebook picks older version of numpy
3,143 How to find the argmax of a two dimensional array in numpy?
3,142 Method signature for Jacobian of a least squares function in scipy
3,142 Linspace not defined on python (jupyter)
3,142 How to perform a Kolmogorov-Smirnov goodness of fit test on a custom probability density function in python?
3,142 How should I go about subsampling from a scipy.sparse.csr.csr_matrix and a list
3,142 Histogram with percentage bins in Python/numpy?
3,142 Fast way to check if a numpy array is binary (contains only 0 and 1)
3,142 Differences between Matlab and Numpy and Python's `round` function
3,141 Interoperability between Numpy and MpMath in Python
3,141 How to show equation of linear trendline made with scipy module - python
3,140 Scipy's curve_fit not giving reasonable result
3,140 How to compare a video with a reference video using OpenCV and Python?
3,139 How to get an intraday price - volume plot in Pandas?
3,139 Find locations on a curve where the slope changes
3,138 Install numpy on python3.5 (Win7)
3,137 & vs * and | vs +
3,137 Plotting Historical Cointegration Values between two pairs
3,136 Conventions for 'import ... as'
3,135 TypeError: unsupported operand type(s) for /: 'Dimension' and 'int'
3,134 Why are some numpy datatypes JSON serializable and others not?
3,134 Python: Get volume decibel Level real time or from a wav file
3,134 How to Change the font type and size in Mayavi with code?
3,133 Flattening a numpy array
3,132 How to get triangle upper matrix without the diagonal using numpy
3,132 how can I change a two dimensional array to one dimensional
3,131 ValueError: The number of classes has to be greater than one; got 1
3,131 Signal analysis in Python - removing outliers from curve
3,131 How to index the second to last row of a numpy array-python
3,131 FFT in numpy vs FFT in MATLAB do not have the same results
3,131 concordance index in python
3,130 How to use feature hasher to convert non-numerical discrete data so that it can be passed to SVM?
3,129 Numpy Genfromtxt slower than pandas read_csv
3,127 which one is faster np.vstack, np.append, np.concatenate or a manual function made in cython?
3,126 save and plot multiple datasets using python
3,126 How to Cut an Image Vertically into Two Equal Sized Images
3,125 Roll rows of a matrix independently
3,125 How to extract the index of a value in a numpy array?
3,125 How do I install a 32-bit version of numpy
3,125 Extending numpy.digitize to multi-dimensional data
3,122 What is the proper way to plot spectrum of a complex signal sampled in a narrow range?
3,122 VTK/numpy for 3D image rendering and visualization
3,122 Split numpy array at multiple values?
3,122 making the y-axis of a histogram probability, python
3,122 distance from point to polygon (when inside)
3,121 Is there a way to fit a 3D Gaussian distribution or a Gaussian mixture distribution to a vector?
3,121 Concatenating numpy vector and matrix horizontally
3,120 Why is my array length 1 when building it with numpy.where?
3,120 python3 conversion between cvxopt.matrix and numpy.array
3,120 Numpy - delete data rows with negative values
3,120 Multidimensional matrix multiplication on numpy array
3,120 Is it possible to numpy.vectorize an instance method?
3,119 import pandas and import numpy result in AttributeError: module 'numpy' has no attribute 'core'
3,119 Appending Rows to a Pandas DataFrame
3,118 NumPy array of integers to timedelta
3,118 How do you have if statements with a numpy array?
3,117 Non distinct prime factors of larger numbers
3,117 Make a numpy array monotonic without a Python loop
3,117 How to split data frame into x and y
3,117 How do I solve the error:cannot reshape array of size 1 into shape (3,3,1)?
3,117 'float' object is unsliceable
3,116 Hiding major tick labels while showing minor tick labels in matplotlib
3,116 Get indices of top N values in 2D numpy ndarray or numpy matrix
3,116 Creating a hexagonal grid (u-matrix) in Python using a Regularpolycollection
3,115 Convert list of list into numpy array without commas between each list element
3,114 Replace a string numpy array with a number
3,114 Fastest way to read a whole HDF5 containing Numpy arrays into memory
3,114 Delete columns of a matrix that are mostly zero
3,113 X and Y are not of the same dimesnion. Python Issue
3,113 Python OpenCV Error: Assertion failed (scn == 3 || scn == 4)
3,113 How to extract numpy arrays from specific column in pandas frame and stack them as a single numpy array [duplicate]
3,112 Numpy and matplotlib without compiling/building in virtualenv
3,112 List of all colors in an image using opencv and python
3,112 How to replace NaN values?
3,111 Dtype work in FROM but not IMPORT
3,110 Trouble Installing Numpy and Scipy
3,110 Numpy.savetxt to save string and float in the meantime and maintain the precision of the float
3,110 Extracting data from .nc file by latitude and longitude in python
3,110 error installing numpy via homebrew in Mac OSX 10.9
3,109 TypeError: only integer scalar arrays can be converted to a scalar index while in KFold
3,109 too many values to unpack in genfromtxt
3,108 Parameters of a sigmoid regression in Python + scipy
3,108 How to assign values elementwise to theano matrix ? Difference between Numpy and Theano?
3,107 Using a condition to plot with matplotlib
3,107 Is there a fast Way to return Sin and Cos of the same value in Python?
3,106 Writing to a binary file python
3,106 Passing a numpy array to a tensorflow Queue
3,105 ReLU derivative with NumPy
3,105 pandas dataframe: how to group by value?
3,105 how to fix this error 'numpy.ndarray' object has no attribute 'append' in the code below
3,104 Fast in-place replacement of some values in a numpy array
3,103 Sum over rows in scipy.sparse.csr_matrix
3,103 NumPy array sum reduce
3,103 Eliminate white edges in Matplotlib/Basemap pcolor plot
3,102 Efficient processing of pixel + neighborhood in numpy image
3,101 How to use numpy.save in append mode
3,101 Content based recommender system with sklearn or numpy
3,100 Using Mann Kendall in python with a lot of data
3,100 Elegant numpy array shifting and NaN filling?
3,097 RandomForest IndexError: only integers, slices (`:`), ellipsis (` ... `), numpy.newaxis (`None`) and integer or boolean arrays are valid indices
3,097 how to remove high frequency contents from the image for inverse fourier transform
3,097 How to operate logic operation of all columns of a 2D numpy array
3,097 Clean way to return a one-element Numpy array
3,096 TensorFlow - Ignore infinite values when calculating the mean of a tensor
3,096 How to get accurate idft result from opencv?
3,096 Extract separate non-zero blocks from array
3,096 Efficient 2D edge detection in Python
3,095 Unable to run the method fit for svm (by scikit-learn)
3,095 Fourier Series from Discrete Fourier Transform
3,095 attribute error on numpy import with python 2.7 and wxpython
3,094 Mapping function to numpy array, varying a parameter
3,094 Logarithmic colormap in matplotlib
3,093 my jupyter notebook fails to import anaconda modules consistently
3,092 Puzzled on the ndim from Numpy
3,092 Machine Learning clustering with n-dimensional data in Python
3,090 Python-created HDF5 dataset transposed in Matlab
3,090 numpy covariance between each column of a matrix and a vector
3,090 Numba autojit function slower than vectorized Numpy method
3,090 Convert Torch Lua into Numpy Python
3,089 Using pyfftw properly for speed up over numpy
3,089 In Python, how do I join two arrays by key column?
3,088 Poisson Point Process in Python 3 with numpy, without scipy
3,088 Installing the newest scipy (0.9) in Ubuntu?
3,088 How to uniformly resample a non-uniform signal using SciPy?
3,087 Translate numpy's array reshape to OpenCV equivalent
3,087 Most efficient way to determine if a numpy masked array contains any non-masked values?
3,085 Shifting Elements in a Numpy Array
3,085 Scipy: Speeding up calculation of a 2D complex integral
3,085 Reshaping a numpy.array in Fortran-contiguous order
3,085 numpy.i is missing. What is the recommended way to install it?
3,085 Mean of data scaled with sklearn StandardScaler is not zero
3,085 efficient way to compress a numpy array (python)
3,084 Catching Numpy All-Nan Slice
3,083 Generate large random text files with python and NumPy
3,082 Save results in YAML file with python
3,082 Dictionary-like efficient storing of scipy/numpy arrays
3,082 Binary file (Labview .DAT file) conversion using Python
3,081 Broken numpy/scipy installation (python, ubuntu 10.04)
3,081 array = np.int(array) TypeError: only length-1 arrays can be converted to Python scalars
3,080 why an extra comma in the shape of a single index numpy array
3,080 Interpolation on a log scale
3,079 Numpy: operands could not be broadcast together with shapes
3,079 IO error when using datasets.fetch_mldata() in sklearn
3,078 Initialized empty numpy array is not really empty (contains zeros)
3,077 Python IndexError: only integers
3,077 Numpy PIL Python : crop image on whitespace or crop text with histogram Thresholds
3,076 What does np.cumsum(0) do?
3,075 Numpy.argmax() on certain axis in 2D matrix
3,075 Nested dataframe in pandas
3,075 Efficiently write a movie directly from np.array using pipes
3,073 How to get scipy.stats.chisquare to function properly
3,072 Sorted method: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
3,072 numpy.linalg.inv returns inverse for a singular matrix
3,071 Python Importing data with multiple delimiters
3,071 numpy requires System Python 2.7 to install
3,071 Converting wx bitmap to numpy using BitmapBufferFormat_RGBA (python)
3,071 calling c from python with ctypes: passing vectors
3,070 Sending numpy arrays via Socket
3,070 How to get numpy array of RGB colors from pygame.surface
3,069 Keras - ValueError: could not convert string to float
3,069 fast categorization (binning)
3,067 How to plot in CCDF with a list?
3,065 Numpy submatrix operations
3,063 Displaying Numpy Matrix as Video
3,062 Trouble to impliment scipy interpolation
3,062 How to index and assign to a tensor in tensorflow?
3,061 Usefull way of reverting Homogeneous coordinates back to 2d?
3,061 numpy.sum may be slower than Python for-loop
3,060 How to apply a function to all the column of a numpy matrix?
3,059 How to create a symmetric matrix from a numpy 1D array the most efficient way
3,059 How to apply the output of numpy.argpartition for 2-D Arrays?
3,058 Tensorflow hashtable lookup with arrays
3,058 Idiomatic way to parse POSIX timestamps in pandas?
3,058 Does scipy logsumexp() deal with the underflow challenge?
3,058 Delete all values in list outside of specified range python
3,057 Why does np.percentile return NaN for high percentiles?
3,057 Sublime 3: Strange output using build system for Python3
3,057 Karush–Kuhn–Tucker (KKT) conditions and SciPy
3,057 How to increase color resolution in python matplotlib colormap
3,057 How to draw a random sample from a Poisson distribution?
3,057 Efficient pairwise correlation for two matrices of features
3,055 Using Numpy to create Yahoo finance price table
3,055 Getting count of rows using groupby in Pandas
3,055 Exponential Decay on Python Pandas DataFrame
3,055 create muli-splits of datasets using one command of train_test_split
3,054 How to use Pandas to create Dictionary from column entries in DataFrame or np.array
3,054 CSV.writerow has comma between every character?
3,054 Convert 2D array to 3D numpy array
3,053 Numpy - check if elements of a array belong to another array
3,051 Minimum element from the matrix column
3,051 How to calculate a personalized PageRank over millions of nodes?
3,050 Adding multiple constraints to scipy minimize, autogenerate constraint dictionary list?
3,048 Python eigenvalue computations run much slower than those of MATLAB on my computer. Why?
3,048 OpenBLAS error when importing numpy: `pthread_creat error in blas_thread_init function`
3,048 Good algorithm for computing volume or surface area in python
3,044 Replace None with NaN and ignore NoneType in Pandas
3,044 OSError: [WinError 193] %1 is not a valid Win32 application - when trying to import numpy
3,044 Numpy - Reshape and partition 2D array to 3D
3,044 Keras: how to get predicted labels for more than two classes
3,043 Need to compare very large files around 1.5GB in python
3,043 How to change point to comma in matplotlib graphics?
3,043 Converting numpy array to list returns type numpy.ndarray
3,043 Constrained Spline Fit using Scipy in Python
3,042 slicing numpy array to get nth column
3,042 Numpy interconversion between multidimensional and linear indexing
3,042 Get indices of array at certain value python
3,041 'numpy.ndarray' object has no attribute 'train'
3,041 Interpolating a 3D surface known by its corner nodes and coloring it with a colormap
3,040 Using numpy and pil to convert 565(16bit-color) to 888(24bit-color)
3,040 Optimizing gravitation calculation for particles in a zero gravity 2d space
3,040 Linear regression - reduce degrees of freedom
3,039 Creating inverse and diagonal of numpy matrices
3,038 Error when importing numpy (SyntaxError)
3,038 Cython error message: Buffer has wrong number of dimensions (expected 1, got 2)
3,037 Why pytorch DataLoader behaves differently on numpy array and list?
3,037 Python/matplotlib Show confidence levels in a histogram
3,037 Pyplot: Refreshing an imshow() Window
3,037 Multiprocessing with numpy makes Python quit unexpectedly on OSX
3,037 I want to reshape 2D array into 3D array
3,036 Missing values masked array correlation (numpy.ma)
3,034 - vs -= operators with numpy
3,034 Vectorize multiplying RGB array by color transform matrix, for image processing
3,034 How to replace all values in a numpy array with zero except one specific value?
3,034 How is it possible in python to convert an ascii table to a fits table?
3,034 Cannot `pip install numpy` on OS X Yosemite
3,034 Am I creating lossless PNG images?
3,033 What does np.polyfit do and return?
3,032 Simple ''blurring'' of an array representing an image in python from first principles
3,032 Numpy multi-dimensional array indexing swaps axis order
3,031 Read in Dates from file to be used in plots
3,031 numpy ravel versus flat in slice assignment
3,031 Importing numpy using IronPython in C#
3,031 Hue Saturation Intensity Histogram
3,030 Using Matplotlib to plot over a subset of data
3,030 Python - Split array into multiple arrays dependent on array values
3,030 Median filter of masked arrays
3,029 Running Python on GPU using numba
3,029 np.arange followed by reshape
3,028 Linking numpy with homebrew
3,027 Keep pandas structure with numpy/scikit functions
3,026 ZeroDivisionError: float division by zero in a code for Surface plot
3,026 Replace slice of a numpy array with values from another array
3,026 How to remove duplicates in a list of strings in a pandas column Python
3,025 Standard error in non-linear regression
3,025 scipy LU factorization permutation matrix
3,025 Numpy - Python : ValueError: all the input array dimensions except for the concatenation axis must match exactly
3,024 scikit-learn's GridSearchCV stops working when n_jobs>1
3,024 Numpy conditional multiply data in array (if true multiply A, false multiply B)
3,024 How to split a numpy array based on a column?
3,024 Convert numpy matrix to python array
3,023 Difference between list(numpy_array) and numpy_array.tolist()
3,023 Converting 2d array into 3d array in python
3,022 Plot average of an array in python
3,022 plot a normal distribution curve and histogram [duplicate]
3,021 python numpy polyfit function
3,021 matlab convolution ''same'' to numpy.convolve
3,021 how to replace a NaN value in a column in data frame in pandas?
3,021 How to concatenate two tensors having different shape with TensorFlow?
3,021 Add separate colors for two (or more) specific values in color plot and color bar
3,020 Why is a.dot(b) faster than [email protected] although Numpy recommends [email protected]
3,019 Python Minimising function with Nelder-Mead algorithm
3,018 Python PCA - projection into lower dimensional space
3,018 Python Pandas: Create new column out of other columns where value is not null
3,018 how to speed up a vector cross product calculation
3,017 Python Random Array of 0s and 1s [duplicate]
3,017 ECG filter in python
3,016 Norm of sparse python vectors
3,014 ValueError: Domain error in arguments scipy rv_continuous
3,014 Python appending a list in a for loop with numpy array data
3,014 Performing a sensitivity analysis with python
3,013 Scanline Fill Algorithm in Python/Numpy
3,013 f2py, Python function that returns an array (vector-valued function)
3,012 Overloading the [] operator in python class to refer to a numpy.array data member
3,012 how to convert datetime by removing nanoseconds
3,012 How can I fill a numpy structured array from a function?
3,012 DLL load failed: %1 is not a valid Win32 application for NumPy
3,012 Can't install SciPy on production server
3,011 How to use .rolling() on each row of a Pandas dataframe?
3,010 Utility of parameter 'out' in numpy functions
3,009 Pearson correlation on big numpy matrices
3,009 Installing NumPy + SciPy in Python 2.7 now fails with ''RuntimeError: Python version >= 3.5 required''
3,008 Load numpy array in google-cloud-ml job
3,006 Read a tab separated file with first column as key and the rest as values
3,005 Change image channel ordering from channel first to last
3,004 Conda downgrade numpy version
3,003 Selecting characters in string numpy array (Python)
3,003 Determine whether a matrix is identity matrix (numpy)
3,002 Calculating portfolio variance and volatility in python
3,001 How to solve a stiff ode with Python?
3,001 Fourier space filtering
3,001 Creating new numpy arrays based on condition
2,999 Python Pandas - Fill down text value in column where following cells are blank
2,999 Numpy object array of numerical arrays
2,999 Finding matching values across columns in a pandas dataframe
2,999 FFT vs least squares fitting of fourier components?
2,998 When to use .shape and when to use .reshape?
2,998 numpy dot product returns NaN, Matlab equivalent does not return NaN
2,997 Split Xy matrix into X and y
2,996 scipy curve_fit not working correctly
2,996 Increasing reading speed for h5py
2,996 How to find the rectangles in an image
2,996 Check if numpy array is contiguous?
2,995 Matlab filter not compatible with Python lfilter
2,994 pcolormesh ticks center for each data point/tile
2,994 Getting output of pybrain prediction as array
2,993 opencv single h264 raw frame as a binary string
2,993 How to view the source code of numpy.random.exponential?
2,992 Fast conversion of Java array to NumPy array (Py4J)
2,992 Averaging multiple images in python
2,991 OpenCV's Cascade classifier face detect freezing
2,990 Numpy.mean, amin, amax, std huge returns
2,989 Python: Converting degrees to radians - Not working
2,989 PIL images converted to RGB, getting saved as plain black images (python)
2,989 Fast non-negative matrix factorization on large sparse matrix
2,988 Why is cffi so much quicker than numpy?
2,988 How to export list of arrays into csv in Python?
2,987 Cannot uninstall matplotlib, numpy and scipy from Python in Mac. Cannot import matplotlib from the virtualenv [duplicate]
2,986 Populate a Pandas SparseDataFrame from a SciPy Sparse Coo Matrix
2,986 Pip installation of scipy.optimize (or scipy correctly(?))
2,986 numpy: can values not be assigned to a sub-array?
2,986 Is there a GUI to see contents of .npy file?
2,985 What is the difference between tf.gradients and tf.train.RMSPropOptimizer(lr_rate).compute_gradients?
2,985 How do I store a numpy array as an object in a pandas dataframe?
2,985 Find diagonals sums in numpy (faster)
2,984 Integration in numpy array with positive area only
2,984 how to create empty numpy array to store different kinds of data
2,984 How to calculate full QR decomposition using Gram Schmidt?
2,983 Using pandas, how do I subsample a large DataFrame by group in an efficient manner?
2,983 Numpy gradient of 2D array
2,983 Extract values array using indices
2,983 Converting list of lists to numpy array with multiple data types
2,982 Pandas reshape dataframe every N rows to columns
2,982 How to manage a 2D Fourier Transform(FFT) on a 3D numpy masked array?
2,981 Issue with gradient calculation in a Neural Network (stuck at 7% error in MNIST)
2,981 Inserting a column at specific location in 2D array in numpy?
2,981 Error when freezing pandas/NumPy 1.7.0 code with cx_Freeze
2,980 Why does scipy.stats.nanmean give different result from numpy.nansum?
2,980 numpy Stacking 1D arrays into structured array
2,979 Matlab importdata() function equivalent in Python
2,979 Is it possible to append to an xarray.Dataset?
2,979 How to merge two large numpy arrays if slicing doesn't resolve memory error?
2,979 Consistent way to check if an np.array is datetime-like
2,977 Extract subarray between certain value in Python
2,976 Why is numpy.prod() incorrectly returning negative results, or 0, for my long lists of natural numbers?
2,976 Print all columns and rows of a numpy array
2,976 Drawing polygons in numpy arrays
2,975 How to add a string to a numpy string ndarray
2,974 Python - slice array until certain condition is met
2,974 Performing operations on all values of a numpy array, referencing i and j
2,973 Update numpy version in spyder
2,973 Unable to import numpy
2,973 Numpy filter using condition on each element
2,972 Python regression with matrices
2,972 Mismatch between array dtype ('float32') and format specifier('%.18e,%.18e,%.18e,
2,972 How to remove the adjacent duplicate value in a numpy array?
2,971 Multi-theaded Numpy inserts
2,971 How to flatten a numpy array of dtype object
2,969 numpy read CSV file where some fields have commas?
2,969 Allocate intermediate multidimensional arrays in Cython without acquiring the GIL
2,968 How to create matrix or 2d list from lists in python?
2,968 Efficient way to compute the Vandermonde matrix
2,967 Vectorized NumPy linspace for multiple start and stop values
2,967 Substitute for numpy broadcasting using scipy.sparse.csc_matrix
2,967 Solving linear system over integers with numpy
2,967 Numpy correlation confusion [duplicate]
2,967 Find median of list of images
2,966 How should I interpret the output of numpy.fft.rfft2?
2,965 Read in npy file from C++ [closed]
2,964 Trouble writing sparse matrix to csv
2,964 Scipy - Stats - Meaning of parameters for probability distributions
2,964 Fast weighted euclidean distance between points in arrays
2,963 Reshaping 3D Numpy Array to a 2D array
2,963 loading strings with spaces as numpy array
2,962 Python Error - TypeError: bad operand type for unary -: 'NoneType'
2,961 Window overlap in Pandas
2,961 How can I use the unique(a, 'rows') from MATLAB in Python?
2,961 Create image patches, sklearn.feature_extraction.image.extract_patches_2d memory error
2,961 Can memmap pandas series. What about a dataframe?
2,960 splitting an array into two smaller arrays in python
2,960 Shear a numpy array
2,960 Python eig for generalized eigenvalue does not return correct eigenvectors
2,960 Error while calculating dot product in Theano
2,959 Read binary .pgm files with python and numpy
2,959 Convert sparse matrice in list of list in python
2,958 Remove Decimals from Array
2,958 Is there a way in numpy to test whether a matrix is Unitary
2,957 How to force larger steps on scipy.optimize functions?
2,957 Compile numpy WITHOUT Intel MKL/BLAS/ATLAS/LAPACK
2,956 passing c++ double pointer to python
2,955 Mean value for dimension in numpy array
2,955 How to create structured arrays with list and array in Python?
2,954 What is the proper way of using Python record arrays
2,954 Slice pandas DataFrame where column's value exists in another array
2,954 Selecting a column vector from a matrix in Python
2,954 Resizing numpy ndarray with linear interpolation
2,954 Python - Pandas: AttributeError: 'numpy.ndarray' object has no attribute 'start'
2,953 SymPy/SciPy: solving a system of ordinary differential equations with different variables
2,953 numpy.sum() giving strange results on large arrays
2,953 How to get lists of indices to unique values efficiently?
2,953 How to convert list into array in a function - python?
2,953 How can I convert Spark dataframe column to Numpy array efficiently?
2,952 python - Convolution of 3d array with 2d kernel for each channel separately
2,952 Numpy 4d array slicing
2,952 Initialize numpy array of specific shape with specific values
2,951 Zero padding between values in Python
2,951 Use `np.diff` but assume the input starts with an extra zero
2,951 error when installing pandas package: no module named numpy
2,950 How to get Mean and Standard deviation from a Frequency Distribution table in Python
2,950 Convert array of single integer pixels to RGB triplets in Python
2,949 Plot periodic trajectories
2,949 Most efficient way to construct a square matrix in numpy using values from a generator
2,949 average grayscale from rgb image in python
2,949 AttributeError: 'numpy.ndarray' object has no attribute 'toarray' in py-faster-rcnn
2,948 scikit-learn GaussianHMM ValueError: input must be a square array
2,948 Numpy Polyfit or any fitting to X and Y multidimensional arrays
2,948 multiplication of 3-dimensional matrix in numpy
2,948 Iterating over numpy array rows in python
2,948 How to get the sum of a slice of an n-dimensional array in numpy?
2,947 Quadruple Precision Eigenvalues, Eigenvectors and Matrix Logarithms
2,946 Matplotlib heatmap with one color
2,945 scipy gives undefined symbol: clapack_sgesv
2,945 Python doesn't read in the correct number of columns
2,945 Debug Python from Visual Studio Code - Importing Numpy
2,945 Cython + OpenCV and NumPy
2,944 How to applied a user defined function to each of the numpy array elements
2,944 Finding ONLY Unique Coordinates in List
2,943 Use numpy.load on file within zipfile
2,943 Is dot product and normal multiplication results of 2 numpy arrays same?
2,943 How to perform an operation on every element in a numpy matrix?
2,943 Gradient descent optimization for multivariate scalar functions
2,942 GCC-PHAT cross correlation in Python
2,941 Visualizing a 3D NumPy array with PyOpenGL
2,941 seasonal_decompose: operands could not be broadcast together with shapes on a series
2,941 Faster alternatives to Pandas pivot_table
2,941 Extend python with C, return numpy array gives garbage
2,940 Why does np.arccos(1.0) give nan if fed by np.arange?
2,940 Numpy for windows 10 64 bit python 2.7
2,940 broadcast an array to different shape (adding ''fake'' dimensions)
2,939 How to change numpy array dtype and reshape?
2,939 How should I document class and object attributes using Numpy's style? [closed]
2,938 Setting an array element with a sequence python
2,938 Python: Converting nanoseconds into DateTime64 format
2,937 python: turn polygon into mask array
2,937 How to create an array of lists in python?
2,937 convert numpy array to string with delimiter and save to txt file
2,936 stack of 2D images to 3D python
2,936 Slightly different FFT results from Matlab fft and Scipy fft
2,936 Python: Split dataset in 2 dataset
2,936 Python Scipy exponential curve fitting
2,935 Tensorflow vs. Numpy Performance
2,935 Preprocess a Tensorflow tensor in Numpy
2,934 undefined symbol: clapack_sgesv
2,934 RandomizedSearchCv results in Attribute Error
2,934 Python: numpy.corrcoef Memory Error
2,934 Python MemoryError in Scipy Radial Basis Function (scipy.interpolate.rbf)
2,934 numpy stride_tricks.as_strided vs list comprehension for rolling window
2,933 TypeError: src is not a numpy array
2,933 Python scipy chisquare returns different values than R chisquare
2,933 numpy transform vector to binary matrix
2,933 How to check if a 3D point is inside a cylinder
2,933 Formatting a NumPy array
2,933 Faster way to split a numpy array according to a threshold
2,933 different results for standard deviation using numpy and R [duplicate]
2,931 matplotlib, how to plot 3d 2 variable function under given conditions
2,930 Python scipy.numpy.convolve and scipy.signal.fftconvolve different results
2,930 Double integral using scipy.integrate.dblquad
2,930 Convolution of two three dimensional arrays with padding on one side too slow
2,929 Reading csv in python pandas and handling bad values
2,928 Numpy array pass-by-value
2,927 Saving KDTree object in Python?
2,927 Image convolution at specific points
2,927 Get the indices of N highest values in an ndarray
2,927 Cannot allocate 1.6 GB in Python
2,926 How can I build a polynomial lambda function from an list of coefficients?
2,925 SciPy.optimize.minimize SLSQP ignores bounds and constraints
2,925 Pandas Series to Numpy ndarray
2,925 Is there an efficient way to merge two sorted dataframes in pandas, maintaing sortedness?
2,924 How to generalize linear interpolation between two numbers into higher dimension tensors?
2,924 How to construct pandas dataframe from series of arrays
2,924 Get indices of unique values in NumPy
2,923 How to properly pass a scipy.sparse CSR matrix to a cython function?
2,921 How to sort a list of tuples that contain numpy array?
2,921 How do I automate an environment variable dependent benchmark of BLAS in python/numpy?
2,921 Count how many times each row is present in numpy.array
2,920 Matplotlib: plot x/y coordinates with Two x-Axis with inverse scaling
2,919 Infinite Summation in Python
2,919 How To Normalize Array Between 1 and 10?
2,919 Annotate Outliers on Seaborn Jointplot
2,919 accessing arrays stored in pandas dataframe
2,918 Histogram has only one bar
2,917 Python - read 2d array from binary data
2,917 Numpy version of rolling MAD (mean absolute deviation)
2,917 How to draw a point in an image using given coordinate
2,916 Python: handling a large set of data. Scipy or Rpy? And how?
2,916 fastest way to get NetCDF variable min/max using Python?
2,915 Creating a Pandas rolling-window series of arrays
2,914 How to find the Entropy of each column of data-set by Python?
2,914 How bad is it to override a method from a third-party module?
2,913 How to delete numpy nan from a list of strings in Python?
2,912 test for membership in a 2d numpy array
2,912 scipy.signal.spectrogram nfft parameter
2,912 Access elements from nested array in python
2,911 Fast Kernel matrix computation python
2,909 How to create values from Zipf Distribution with range n in Python?
2,908 Pandas.mean() TypeError: Could not convert to numeric
2,908 matrix multiplication using numpy
2,907 ValueError: array is not broadcastable to correct shape - Python
2,907 Pandas df.to_records() returns a 1d numpy array
2,907 Histogram bars overlapping matplotlib
2,907 After installing anaconda, python gives error ''no module named numpy''
2,907 After installing anaconda, python gives error ''no module named numpy''
2,906 Thread error: can't start new thread
2,906 Python ImageIO Gif Set Delay Between Frames
2,905 Value error x and y must be same size, but they are?
2,905 python numpy MKL ERROR
2,905 Conditional cumsum based on column
2,904 Best data structure for 3D data?
2,903 Operations on rows in scipy sparse matrix of csr format
2,903 numpy.ma.cov - pairwise correlations for with missing values?
2,902 python numpy array append not working in .py file, but works in terminal
2,901 Write multidimensional numpy array to csv
2,898 PIL/Pillow convert Image to list and back again
2,898 Creating an array of tensors in tensorflow?
2,896 ValueError: could not convert string to float in panda
2,896 Trimming numpy arrays: what is the best method?
2,896 Numpy type hints in Python (PEP 484)
2,896 How to prevent division by zero or replace infinite values in Theano?
2,896 How to install Numpy and Pandas for AWS Lambdas?
2,895 Pearson correlation between two dataframes in python and output all combinations between columns
2,895 How to make the eigenvalues and eigenvectors stay real instead of complex?
2,894 OpenCV, Python: How to use mask parameter in ORB feature detector
2,894 Effeciently counting number of columns of text file
2,894 3D Extrapolation in python (basically, scipy.griddata extended to extrapolate)
2,892 trimmed/winsorized standard deviation
2,892 numpy squeeze along an axis wont work
2,891 Passing 2 dimensional C array to python numpy
2,891 levels parameter in greycomatrix scikit-image python
2,891 How to use `numpy.savez` in a loop to save multiples numpy arrays?
2,890 Slicing an image array into sub array
2,890 Numpy polyfit - covariance matrix
2,890 How to install Pandas and dependencies without pip or any package manager
2,890 How to determine function or curve fit unknown function with Python?
2,890 Efficiently detecting shapes in a large image
2,889 Numpy 2D array Subtraction by row
2,889 How to split continuous data into groups?
2,889 ctypes - numpy array with no shape?
2,888 Reshaping arrays for keras
2,887 Sliding window on a 2D numpy array [duplicate]
2,887 read a file using command line argument
2,887 Indexing one array by another in numpy
2,887 How to generate a random gaussian matrix with different variance along each axis
2,886 How can I create an n-dimensional grid in numpy to evaluate a function for arbitrary n?
2,885 Trying to make a barchart, bar() missing 1 required positional argument: 'height'
2,885 Distance between one point and rest of the points in an array
2,884 Getting a legend in a seaborn FacetGrid heatmap plot
2,884 Add numpy array as variable to Xarray Dataset
2,884 Adding a new column to a list of matrixs(arrays)
2,883 Using python for loop to average data
2,883 Python - fast way to sum outer products?
2,883 Nested np.where
2,883 How can I calculate covariance of matrix?
2,883 CountVectorizer() in scikit-learn Python gives Memory error when feeding big Dataset. Same code with Smaller dataset works fine, what am I missing?
2,882 Getting the indices of the top k numbers by value in a numpy array?
2,882 Creating very large NUMPY arrays in small chunks (PyTables vs. numpy.memmap)
2,882 count number of items in np.where() array python
2,881 TypeError: The value of a feed cannot be a tf.Tensor object when passing one hot encodings
2,880 Pandas read_csv on 6.5 GB file consumes more than 170GB RAM
2,880 Optimizing access on numpy arrays for numba
2,880 Installing numpy on Windows 7 and python 3.x
2,879 create boolean mask of numpy rgb array if matches color
2,878 What could be causing ''The leading minor of order 'n' is not positive definite''?
2,878 Python 'ndarray' cannot be converted to a MySQL type
2,878 linear interpolation with interp2d or scipy.interpolate.RectBivariateSpline
2,877 Why is hyped Intel MKL Numpy build slower than ATLAS build on my PC?
2,877 Numpy Install on Mac 10.8.4
2,877 Can not access Pipelined Rdd in pyspark [duplicate]
2,877 Calculate Euclidean Distance within points in numpy array
2,876 python numpy scipy griddata is nan or all the same value
2,876 get the values in a given radius from numpy array [duplicate]
2,875 problems in ''pandas datetime convert to num''
2,875 How to multiply a given row `i` or column `j` with a scalar?
2,874 Python pandas series: convert float to string, preserving nulls
2,874 Python multiply list of lists element-wise
2,874 Python enumeration/row counter in a pandas column
2,874 pip install ''Invalid requirement: 'numpy-1.13.1+mkl-cp36-cp36m-win_amd64'''
2,874 Numpy: quickest way to check if all elements in an array have the same sign?
2,873 How to delete a row based on a condition from a numpy array?
2,872 Fast absolute difference of two uint8 arrays
2,871 Namedtuple in Numpy
2,871 How to fill 2d-array with increasing numbers?
2,870 simpler way to filter out nan or invalid's in Python array or a numpy array?
2,870 Quickly find indices that have values larger than a threshold in Numpy/PyTorch
2,870 Overlay part of the matrix on top of another
2,870 How to read raw image in Python and plot as an image
2,869 Piecewise functions on Numpy Arrays
2,869 'numpy.float64' object has no attribute 'translate' with Django
2,869 Integrating using scipy's trapz function
2,868 Solve a system of linear equations and linear inequalities
2,866 Set mask for matplotlib tricontourf
2,866 Precision loss numpy - mpmath
2,866 Counting the number of consecutive values that meets a condition (Pandas Dataframe)
2,865 pandas efficient way to get first filtered row for each DatetimeIndex entry
2,865 AWS Lambda Python3.7 Function - numpy: cannot import name 'WinDLL'
2,864 Exception : ''Invalid norm order for vectors'' - Python
2,863 Pandas how to split dataframe by column by interval
2,863 How to ignore Python warnings for complex numbers
2,863 Calculating cumulative minimum with numpy arrays
2,861 Numpy: getting incorrect shape information
2,861 How to save Numpy 4D array to CSV?
2,860 Why does interp1d in scipy give a NaN when the first 2 values of the x-array are identical? (fill_value = 0)
2,860 Is scipy.linalg.eig giving the correct left eigenvectors?
2,859 python mmap.error: Too many open files. What's wrong?
2,858 Select a subset from 2D numpy array
2,858 numpy does not work through terminal
2,858 Memory error: numpy.genfromtxt()
2,856 Tensorflow multi-class ML model issues
2,856 Python - get white pixels of image
2,855 Fastest way to create an array in Python [duplicate]
2,854 'bitwise_and' not supported for the input types Numpy array
2,853 sorting a python multi-dimensional array?
2,853 Convert map object into numpy ndarray in python3
2,852 Ignore NaN in numpy bincount in python
2,852 Discretization of probability array in Python
2,851 Matrix as dictionary key
2,851 Have Pandas column containing lists, how to pivot unique list elements to columns?
2,850 Colorbar for imshow, centered on 0 and with symlog scale
2,850 Calculating area from lat/lon polygons in Python
2,849 Python: How to prevent Scipy's optimize.minimize function from changing the shape of initial guess x0?
2,849 How to create a Boolean array in numpy
2,849 Calculate uncertainty in FFT amplitude
2,848 Expanding/Zooming in a numpy array
2,847 How to convert gif-file to numpy array in Python3 without Pillow
2,846 Most efficient way of iterating over a numpy array by axis?
2,846 LinearRegression Predict- ValueError: matrices are not aligned
2,846 How do you open .NPY files?
2,845 Single wiener process (Brownian Motion)
2,845 Iterate through a list of numpy arrays
2,845 How to implement Garbage Collection in Numpy
2,845 Find indices based on datetime
2,844 Vectorized Partial Derivative of Multivariate Function in Python
2,843 numpy.empty giving nonempty array
2,843 nested use of numpy.where
2,843 How to correctly use Numpy's FFT function in PyTorch?
2,843 Efficient Numpy computation of pairwise squared differences
2,843 Add to existing content when using savetxt (avoid overwriting) PYTHON
2,842 Spyder/Python install on MacOS - very frustrating
2,841 Why use numpy over list based on speed?
2,841 Convert PyQt5 QPixmap to numpy ndarray
2,841 Averaging Filter using python
2,840 TypeError: 'numpy.ndarray' object is not callable in scipy.optimize leastsq
2,840 Python - how to convert a 24-bit PNG image to 32-bit using Open-cv or PIL
2,839 Rearrange rows of pandas dataframe based on list and keeping the order
2,839 How do I get matplotlib to order bar-chart in the same order as my list? [duplicate]
2,839 How do I convert a numpy Array to a data type that tensorflow can classify?
2,838 Why is it giving me TypeError: Expected cv::UMat for argument 'src'?
2,838 python, exponential and decimal float
2,837 Load text file python could not convert string to float
2,837 I Need a fast way to loop through pixels of an Image/Stack in Python
2,837 How can I run a numpy function percentile() on a masked array?
2,836 how to plot a line over a 3d surface in matplotlib
2,836 Applying math.ceil to an array in python
2,835 Visualising numpy arrays in PyCharm
2,835 Python and numpy : subtracting line by line a 2-dim array from a 1-dim array
2,835 pickle, numpy - reshape parameters?
2,835 how to convert pd.Series to datetime?
2,835 Find all point pairs closer than a given maximum distance
2,835 Could not convert string to float error from the Titanic competition
2,834 NumPy genfromtxt: using filling_missing correctly
2,834 Numpy efficient matrix self-multiplication (gram matrix)
2,834 mlpy, numpy, scipy on Google App Engine
2,834 Interpolation of 3D data in Python
2,834 How to calculate cartesian coordinates from dihedral angle in python
2,833 Python-Integrate then save text file
2,833 Python array of strings in a ROOT TTree
2,833 How can I generate a complete histogram with numpy?
2,832 Convert boolean numpy array to pillow image
2,830 TypeError: '''numpy.float64' object is not iterable'' using python 3.x possibly os module issue?
2,830 String slicing in numpy array
2,830 Recursive definitions in Pandas
2,830 How to split a numpy array in fixed size chunks with and without overlap?
2,830 Clean Way to Fill Third Dimension of Numpy Array
2,829 MATLAB's smooth implementation (n-point moving average) in NumPy/Python
2,828 Using Pandas to calculate distance between coordinates from imported csv
2,828 How to display a text with matplotlib?
2,828 Assign a list of values to a numpy array
2,827 scipy.sparse dot extremely slow in Python
2,827 overflow in exp(x) in python
2,827 How to avoid using for-loops with numpy?
2,826 Python - Remove a row from numpy array?
2,826 Python convert large numpy array to pandas dataframe
2,826 Python base64 encoding and then decoding generic object
2,826 IPython Notebook Kernel getting dead while running Kmeans
2,826 Error installing Numpy via setup tools in virtualenv on Ubuntu
2,826 Convert transposed NumPy array to CvMat type in Python using cv.fromarray
2,825 Making scientific notation readable from a numpy array
2,825 How to save a dictionary of arrays to file in Numpy
2,825 How to multiply sequence by non-int of type 'float'?
2,825 how to do linear regression in python, with missing elements
2,824 Random one-hot matrix in numpy
2,824 PIL image to array and back
2,823 How to use non-mkl NumPy under Anaconda?
2,822 Python finite difference method for differential equations
2,821 Skipping rows in numpy ndarrays slicing
2,821 Run Fortran command line program within Python
2,821 How to broadcast an array by columns?
2,821 Can I get a view of a numpy array at specified indexes? (a view from ''fancy indexing'')
2,820 Substituting values in a numpy masked array
2,820 Multiplying Numpy 3D arrays by 1D arrays
2,820 Get data set as numpy array from TFRecordDataset
2,820 Extracting coordinates from meshgrid data
2,819 Trouble installing python libraries in OS X (numpy, scipy, matplotlib)
2,819 python matrix multiplication: how to handle very large matrices?
2,819 How to transpose a 2 Element Vector
2,819 how to install gensim on windows 8.1
2,819 Getting the adjugate of matrix in python
2,818 Why won't numpy matrix let me print its rows?
2,818 Several numpy arrays with SWIG
2,817 How to sort a two-dimensional array in descending order for a column?
2,817 How to convert vector wrapped as string to numpy array in pandas dataframe?
2,816 Import CSV file and append to an array
2,816 Efficient computation of the least-squares algorithm in NumPy
2,815 unexpected result in numpy array slicing (view vs copy)
2,814 Simple way for using multiple Numpy Arrays as an input for one Seaborn boxplot
2,814 How do I check for numeric overflow without getting a warning in Python?
2,814 Find root of implicit function in Python
2,813 scipy's interpn for interpolate high N data
2,812 SciPy ''lfilter'' returns only NaNs
2,812 Make a numpy upper triangular matrix padded with Nan instead of zero
2,811 Python: Normalize multidimensional array
2,811 Python equivalent of MATLAB's Legendre function
2,811 opencv video create blank frames and write them using python
2,811 matplotlib 3d wireframe plot
2,811 calculate mean across 3 dimensional array of different length
2,810 Scipy equivalent of numpy where for sparse matrices
2,810 Python KeyError: 'column name'
2,810 NumPy Won't Append Arrays
2,810 How to insert NaN array into a numpy 2D array
2,809 form numpy array from possible numpy array
2,808 numpy add dtype array
2,808 How to round a number to a chosen integer
2,808 How to remove nan and inf values from a numpy matrix?
2,807 sliding window on time series data
2,807 python: how to add column to record array in numpy
2,807 Numpy Apply Along Axis and Get Row Index
2,807 Find the best lag from the numpy.correlate output
2,806 Python numpy.nan and logical functions: wrong results
2,806 Python, looking to extract values from a masked array, then rebuild an array
2,804 Same Python code, same data, different results on different machines
2,804 Python image filtering with PIL and Numpy too slow
2,804 Numpy where and division by zero
2,804 MATLAB vs Python numpy array/matrix multiplication
2,804 Efficiently set row in SciPy sparse.lil_matrix?
2,803 Value error: numpy.loadtxt could not convert string to float
2,803 saving array of string and integers to a text file in python [duplicate]
2,803 How to convert a dataframe into a 2D array in-order to run some calculations?
2,803 assigning different data types for different columns in a numpy array
2,802 Reading a variable white space delimited table in python
2,802 numpy template matching using matrix multiplications
2,802 Force NumPy ndarray to take ownership of its memory in Cython
2,801 Python: Fastest way to iterate this through a large file
2,801 Python Error: ImportError: No module named FFT
2,801 numpy performance differences between Linux and Windows
2,801 Fast logarithm calculation
2,801 Creating a list or array with a fixed size?
2,800 Numpy histogram, how to take the maximum value in each bin
2,800 Numpy: Apply an array of functions to a same length 2d-array of value as if multiplying elementwise? (using a python function as an operator?)
2,800 How to create h5py dataset of a dataset
2,799 solving colebrook (nonlinear) equation in python
2,799 CNN train accuracy gets better during training, but test accuracy stays around 40%
2,798 How to access RGB pixel arrays from DICOM files using pydicom?
2,797 Getting ImportError: cannot import name multiarray using Anaconda2 in Wndows
2,796 Trouble with linking boost::python::numpy
2,796 Solving a linear-quadratic system of equations, both graphically and numerically, in numpy/matplotlib?
2,796 Plot points with different colors in a matplotlib animation
2,796 How to import cv2 in python project ''Visual Studio 2015''?
2,795 multinomial pmf in python scipy/numpy
2,794 Create an image with pypng
2,793 Trying to create a labeled numpy array
2,793 recfromcsv, genfromtxt, recfromtxt mysteriously missing from numpy
2,793 How to get the bar heights of histogram P(x) corresponding to a given x?
2,793 How does filtering out the colors of a hsv image in opencv python work?
2,792 matplotlib: How can you specify colour levels in a 2D historgram
2,792 Convert a numpy array of lists to a numpy array
2,791 ifft(fft(audio)) is just noise
2,791 How do I use a different index for each row in a numpy array?
2,790 two dimensional fit with python
2,790 Pandas DataFrame to lists of lists including headers
2,790 np.where(condition is None) not equal to np.where(condition == None)
2,790 Generating random numbers with weighted probabilities in python
2,790 Fastest way to find indices of condition in numpy array
2,790 exponential decay fitting
2,789 OSError: [Errno 1] Operation not permitted:
2,789 How to create data frame of random floating point numbers with Pandas
2,789 compare two time series (simulation results)
2,788 Subtract two rows based on condition in Python Pandas
2,788 excluding element from numpy array
2,788 Create a matrix out of an array
2,788 Benchmarking matrix multiplication performance: C++ (eigen) is much slower than Python
2,787 What is the effect of using np.dot on two vectors?
2,787 Reading complex data into numpy array
2,787 Faster alternative to using the `map` function
2,787 Calculating Area Under Individual Peaks in Python After FFT
2,786 Python (numpy): drop columns by index
2,785 python code to solve 3*3 matrix according to cramer's rule [closed]
2,785 How to fix 'Expected to see 2 array(s), but instead got the following list of 1 arrays'
2,785 Getting x_test, y_test from generator in Keras?
2,785 Error: TypeError: only integer scalar arrays can be converted to a scalar index
2,785 Dense Cholesky update in Python
2,784 Python 2.7 Invalid syntax when running script from .csv file using pandas
2,784 Modify NumPy array in loops
2,782 Python equivalent for MATLAB's normplot?
2,782 Compare multiple columns in numpy array
2,781 ValueError: First argument must be a sequence ----> Scatter Plot Python
2,780 Write numpy array to wave file in buffers using wave (not scipy.io.wavfile) module
2,780 RuntimeWarning: overflow encountered in long_scalars in matrix multiply
2,778 Variable/unknown length string/unicode dtype in numpy
2,778 Multiprocessing incompatible with NumPy [duplicate]
2,778 How to plot from .dat file with multiple columns and rows separated with tab spaces
2,777 Tensorflow : TypeError: 'TensorShape' object is not callable
2,777 Memory error while converting list to numpy array
2,776 Slicing columns in Python
2,776 Convert Matlab numerical heat conduction model to Python
2,776 Assign a pandas series to a groupby operation
2,775 Python - Trouble with Dedupe: TypeError: unhashable type: 'numpy.ndarray'
2,775 numpy loadtxt, unicode, and python 2 or 3
2,775 Is there any documentation of numpy numerical stability?
2,774 Partial sums and products in numpy
2,773 What does the array flags attribute tell?
2,773 How to count the number of pixels with a certain pixel value in python opencv?
2,773 Elementwise multiplication of NumPy arrays of matrices
2,772 Python Numpy repeating an arange array
2,772 numpy.float32' object does not support item assignment
2,771 What is W[ ... ,c] doing? [duplicate]
2,771 How to add along an axis in numpy
2,771 Filtering out columns with zero values in numpy
2,770 scipy.signal.resample behaves strangely
2,769 Show rgb numpy array in matplotlib
2,769 How to find the appropriate linear fit in Python?
2,768 TypeError in Numpy happening randomly
2,768 remove duplicate elements from two numpy arrays
2,768 Concatenate two array of arrays in Python
2,768 Cast an array shape into a string
2,767 Why doesn't np.genfromtxt() remove header while importing in Python?
2,767 OpenCV: Trying to Get Random Portion of Image
2,766 Want to count the number of values in a column that meet a condition
2,766 scipy.stats.normaltest() to test the normality of numpy.random.normal()
2,766 matplotlib and numpy - histogram bar color and normalization
2,765 Python\Numpy: Comparing arrays with NAN [duplicate]
2,765 Plotting the means on a plot in matplotlib
2,765 Is this the fastest way to group in Pandas?
2,763 ValueError: Unknown label type: array while using Decision Tree Classifier and using a custom dataset
2,763 Expand dimensions xarray
2,762 Replace elements in numpy array avoiding loops
2,762 Python: most efficient way to mirror an image along its vertical axis
2,762 NumPy Tensor / Kronecker product of matrices coming out shuffled
2,762 Numpy savetxt to a string
2,762 Is there a way to prevent numpy.linalg.svd running out of memory?
2,762 I am getting this error on using matplotlib
2,762 Extract feature vector from 2d image in numpy
2,762 Convert C# byte array to numpy array in Python .Net
2,761 Python, How to fill up a column in an empty numpy array
2,760 Reading of mtx file using scipy.io.mmread not working
2,760 Python: how to randomly sample from nonstandard Cauchy distribution, hence with different parameters?
2,760 Performance for finding the maximum value in a dictionary versus numpy array
2,759 Installing numpy on Mac OS X Mavericks with alternate LAPACK/BLAS
2,759 Flip or reverse columns in numpy array
2,759 fit an ellipse through points
2,759 Explain numpy.where [duplicate]
2,758 Methods for finding the Eigenvalues of a matrix using python?
2,757 Python: Take the Log of all elements in a 2D array
2,757 Numpy random memory error
2,757 Assigning multiple array indices at once in Python/Numpy
2,756 Numpy math with arrays and scalars?
2,756 Mean values depending on binning with respect to second variable
2,756 How to sort numpy array by absolute value of a column?
2,756 how do I calculate a rolling idxmax
2,756 How can I extract image segment with specific color in OpenCV?
2,756 histogram matching in Python
2,754 Python - find closest position and value
2,754 Numpy select non-zero rows
2,754 Integrating Discrete point in Python
2,754 Generating an evenly sampled array from unevenly sampled data in NumPy
2,754 3D matrix perspective transform
2,753 Python - Select rows of array on certain condition?
2,753 image processing using python and scipy
2,753 How to fix ''IndexError: tuple index out of range'' in python?
2,752 ValueError: array must not contain infs or NaNs
2,752 Python Pandas Error: ValueError: Expected ''X'' fields in line ''X'', saw ''X''
2,752 Newton method in python for multivariables (system of equations)
2,751 Pandas dataframe columns of lists to numpy arrays for each column
2,751 NumPy: Execute function over each ndarray element
2,750 How to create a dynamic title in a Matplotlib animation
2,749 Pandas: Quickly add variable number of months to a timestamp column
2,749 Numpy: checking if an element in a multidimensional array is in a tuple
2,749 Converting Python buffer to NumPy array - ValueError: buffer size must be a multiple of element size
2,749 2D Interpolation of Large Irregular Grid to Regular Grid
2,748 numpy.datetime64: how to get weekday of numpy datetime64 and check if it's between time1 and time2
2,747 NumPy vectorization with integration
2,747 major memory problems reading in a csv file using numpy
2,747 How can I use scipy.interpolate.interp1d to interpolate multi Y arrays using the same X array?
2,747 circle detection using python, numpy ?
2,746 Trouble installing NumPy and Matplotlib on Mac (snow leopard)
2,746 matplotlib ignore missing data
2,746 Incremently appending numpy.arrays to a save file
2,744 Remove multiple items from a numy.narray without numpy.delete
2,744 Numpy genfromtxt error : got extra columns instead of n many
2,744 How to convert the elements of an array into a number ? Python [duplicate]
2,743 How to decide between scipy.integrate.simps or numpy.trapz?
2,743 How to convert a 2D array to a structured array using view (numpy)?
2,742 Steps for ''for loop'' in python
2,742 Reading h5 file
2,742 numpy 1.9.3, ImportError: No module named _globals
2,742 Interpolation of a huge 2D array in python
2,742 Average Date Array Calculation
2,741 Vector operations with numpy
2,741 Remove column of array via indexing in Python
2,741 Python scipy.optimize.fmin_l_bfgs_b error occurs
2,740 Sympy: generate figure with multiple subplots
2,740 NumPy: use 2D index array from argmin in a 3D slice
2,740 Fastest way to get all the points between two (X,Y) coordinates in python
2,738 In python, How do we find the Correlation Coefficient between two matrices?
2,738 How to select specific columns in numpy array?
2,738 Extending regressions beyond data in Matplotlib
2,737 numpy can't transpose row vector into column?
2,737 List of values to Columns in Pandas DataFrame
2,736 Generate random locations within a triangular domain
2,736 Extracting one-hot vector from text
2,735 Why can I not import TensorFlow package in Python Idle?
2,735 Python code to quickly reduce the resolution of an image using numpy
2,734 Python convert a vector into probabilities
2,734 How to arrange the data for a heatmap pcolormesh?
2,734 Can numpy argsort handle ties? [duplicate]
2,733 python exponential function - incorrect exponential values
2,733 Installing numpy on Amazon EC2 virtualenv
2,733 how to get a 2d numpy array from a pandas dataframe? - wrong shape
2,731 How to perform bincount on an array of strings?
2,731 How do I create a sliding window with a 50% overlap with a numpy array? [duplicate]
2,730 Pandas insert alternate blank rows
2,730 How to optimize a nested for loop in Python
2,730 How can I store and print the top 20% feature names and scores?
2,729 Use NumPy for 3D vectors
2,729 Python find most common value in array
2,729 Pandas Python, Merge dictionaries
2,728 shuffle and split a data file into training and test set
2,728 Saving utf-8 encoded text with numpy.savetxt
2,728 Generating random vectors of Euclidean norm <= 1 in Python?
2,728 Count no. of specific values in a dataframe pandas [duplicate]
2,727 Storing multidimensional variable length array with h5py
2,727 How to deal with HOG feature arrays to use for classification in scikit-learn?
2,727 gensim word2vec - array dimensions in updating with online word embedding
2,727 Array Operation Equivalent Python and Matlab
2,726 Pytorch TypeError: eq() received an invalid combination of arguments
2,725 slicing multi-dimensional numpy arrays with arrays [duplicate]
2,724 Why is my Kurtosis function not producing the same output as scipy.stats.kurtosis?
2,723 Using opencv / Numpy to find white pixels in a color image using python
2,723 convert a 2D numpy matrix to 2D numpy array
2,723 Computing complex math equations in python
2,722 numpy.savetxt IndexError: tuple index out of range
2,722 Numpy matrix row comparison
2,722 Convert a binary image to 2D array or Matrix in Python?
2,721 removing baseline signal using fourier transforms
2,721 Python numpy array negative indexing
2,721 Comparing two dictionaries with numpy matrices as values
2,719 multiple numpy dot products without a loop
2,719 How can I transform this (100, 100) numpy array into a grayscale sprite in pygame?
2,718 Cast NumPy array to/from custom C++ Matrix-class using pybind11
2,717 Replace numbers below threshold # in numpy array with zeroes
2,717 Python package for signal processing
2,717 Plot eigenvalues of matrix as function of matrix element
2,717 Numpy: Reshape array along a specified axis
2,717 Numpy repeat for 2d array
2,717 How to reduce time taken For loop in python?
2,716 Python equivalent of R apply with anonymous function
2,715 Write data directly to a tar archive
2,715 TypeError: Image data of dtype object cannot be converted to float
2,715 Repeat each value of an array two times (numpy)
2,715 OverflowError: cannot convert float infinity to integer
2,715 not being able to do numpy operations on values on a dictionary
2,714 Scipy Sparse Matrix - Dense Vector Multiplication Performance - Blocks vs Large Matrix
2,714 numpy binary raster image to polygon transformation
2,714 Modify scipy sparse matrix in place
2,714 How to extract paches from 3D image in python?
2,714 How to convert complex numbers back into ''normal'' numbers after performing FFT
2,713 python 2.7 mac osx interactive plotting with matplotlib not working
2,712 Rendering a float array to 24-bit RGB image (using PIL for example)
2,712 Calculating euclidean distance between consecutive points of an array with numpy
2,711 Find ordered vector in numpy array
2,710 Append Error Python
2,709 Getting the indexes to the duplicate columns of a numpy array [duplicate]
2,708 How to calculate the proportion of values in an array using numpy?
2,708 Fit data to curve using polyfit with multiple variables in python using numpy polyfit
2,708 Division with numpy matrices that might result in nan
2,708 Appending multiple elements to numpy array
2,707 Iterating through a numpy array and then indexing a value in another array
2,707 How to split a pandas time-series by NAN values
2,705 Splitting numpy array into blocks
2,705 np.where and masked array
2,705 error: expected activation_4 to have 2 dimensions, but got array with shape (14, 3, 150, 150)
2,704 python: integrating a piecewise function
2,704 Multiplying elements in a sparse array with rows in matrix
2,703 Pandas Calculate CAGR with Slicing
2,703 OpenCV - Applying BGS + Blob detection to both counting pedestrians and vehicles in a video simultaneously ( Code provided )
2,703 Difference between pandas rolling_std and np.std on a window of an array
2,702 How to code a function that accepts float, list or numpy.array?
2,702 error: (-2) could not find a writer for the specified extension in function imwrite_
2,702 Element wise matrix multiplication in Theano
2,701 What is the Python list or NumPy equivalent of Excel's SUMIF function?
2,701 Is numpy.multiply always equivalent to the * operator? [duplicate]
2,700 Python, Numpy arrey error
2,700 Python: How can we match values of predicted and truth values of a regression model
2,700 plotting orbital trajectories in python
2,700 Permission Error: Using Image.open
2,700 I got a TypeError: only length-1 arrays can be converted to Python scalars
2,700 Anaconda and Python Shell
2,699 What's a simple way to hard code a 6x6 numpy matrix?
2,698 Using Python Script in Power BI, ImportError: Missing required dependencies ['numpy']
2,698 how can i color specific pixels in matplotlib imshow?
2,696 How To Compare The Date From Two Numpy.datetime64
2,696 Calculate difference of 2 dates in minutes in pandas
2,695 PyOpenGL-accelerate + numpy
2,695 NumPy - calculate histogram intersection
2,695 Curve fit an exponential decay function in Python using given data points
2,694 Python version of Matlab Signal Toolbox's tfestimate()? [closed]
2,693 How to handle mixed data types in numpy arrays
2,693 How can I keep trailing zeros in a list or np.array?
2,692 Get the expected array with SciPy's Fisher exact test?
2,691 Using converter function in genfromtxt fails
2,691 Python Sklearn linear regression not callable
2,690 Python size() and len() for list of list
2,690 'numpy.ndarray' object has no attribute 'readlines'
2,690 Numpy efficient big matrix multiplication
2,690 Converting rdd of numpy arrays to pyspark dataframe
2,689 plotting 3d vectors (arrays) in python
2,689 Object dtype dtype('O') has no native HDF5 equivalent
2,689 How to change year value in numpy datetime64?
2,689 Explain this 4D numpy array indexing intuitively
2,689 Delete all elements in an array corresponding to Boolean mask
2,688 How to remove all occurrences of an element from NumPy array? [duplicate]
2,687 How to save a greyscale matplotlib plot to numpy array
2,687 How to multiply rows in matrices in Python?
2,686 Python: append to numpy array
2,686 numpy.random has no attribute 'choice'
2,686 How to correct shape of Keras input into a 3D array
2,686 balance numpy array with over-sampling
2,685 numpy.savetxt() outputs very large files
2,684 Quadratic Programming in Python using Numpy?
2,683 Python - Unable to detect face and eye?
2,683 Python/numpy append arrays, transpose, and save as csv
2,683 Pyopencl: difference between to_device and Buffer
2,683 Graph cut with python: How to set up the graph correctly?
2,682 Scipy fmin_slsqp error ''failed in converting 8th argument `g' of _slsqp.slsqp to C/Fortran array''
2,680 numpy transforming RGB image to YIQ color space
2,680 Most Elegant Implementation of MATLAB's ''vec'' Function in NumPy
2,679 Assigning field names to numpy array in Python 2.7.3
2,678 Converting dates from HDF5 dataset to numpy array
2,677 Writing numpy array to file- byte-order issue?
2,677 What is the difference between numpy ''type identifiers'' and ''types'' within Cython?
2,677 Python numpy or pandas equivalent of the R function sweep()
2,677 Numpy gives memory error while running a Python file
2,677 Convert numpy.array object to PIL image object
2,677 Append numpy arrays with different dimensions
2,676 Fourier coefficients for NFFT - non uniform fast Fourier transform?
2,676 Combined hdf5 files into single dataset
2,675 Why does numpy Dot product of 2d array with 1d array produce 1d array?
2,675 Audio Data IO using Numpy/Scipy and PulseAudio
2,674 Suppress descriptive output when printing pandas dataframe
2,674 Regression line and fitted curve for scatter plots in matplotlib
2,674 Python Pandas: How to broadcast an operation using apply without writing a secondary function
2,674 pcolormesh with user-defined value level
2,674 grid point interpolation of wrf data to lat lon in python with numpy and scipy
2,673 fastest way to find the smallest positive real root of quartic polynomial 4 degree in python
2,672 TypeError: int() argument must be a string, a bytes-like object or a number, not 'slice'
2,671 Fast column shuffle of each row numpy
2,671 Compute outer product of arrays with arbitrary dimensions
2,670 Normalize numpy ndarray data
2,670 Iterate over numpy matrix of unknown dimension
2,670 How to load the pre-trained doc2vec model and use it's vectors
2,670 Converting RGB to Grayscale manually tensorflow
2,668 'numpy.float64' object cannot be interpreted as an integer
2,667 multidimensional numpy array - reverse along a given axis
2,666 Slicing a scipy.sparse.lil_matrix in rows and columns
2,666 numpy vectorization instead of for loops
2,666 KeyError when writing NumPy values to GEXF with NetworkX
2,666 How to categorize floating values in python using pandas library
2,666 How do I resize an image in Python using scipy.misc.imresize so that it matches the size of another specified image
2,666 Handling of duplicate indices in NumPy assignments
2,666 convert image pixels from square to hexagonal
2,665 Using numpy to write an array to stdout
2,665 Remove elements that appear more often than once from numpy array
2,665 Python 2D circular surface in 3D
2,664 Iterating without for loop in numpy array
2,664 How to create a sub-matrix in numpy
2,664 Error during contouring of griddata - Length of x must be number of columns in z, and length of y must be number of rows
2,663 Python - Create an array from columns in file
2,663 Pandas read_csv ignore dollar sign when parsing numbers
2,662 ValueError: Objective function must return a scalar
2,662 Numpy astype rounding to wrong value
2,662 Multilayer-perceptron, visualizing decision boundaries (2D) in Python
2,662 How to compare list of arrays in python?
2,662 How can I delete some variables in NumPy/SciPy?
2,662 How can an almost arbitrary plane in a 3D dataset be plotted by matplotlib?
2,661 Python: Why would numpy.corrcoef() return NaN values?
2,660 write in file with python
2,660 pure python code for multivariate linear regression
2,660 Looking for the fastest way to find the exact overlap between two arrays of equal length in numpy
2,659 Training CNN with images in sklearn neural net
2,658 Python scipy.fftpack.rfft frequency bin mapping
2,658 KDE (kernel density estimation) of Matrix with 13 dimensions using numpy and matplotlib
2,657 Splice arrays in NumPy?
2,657 Numpy masked array modification
2,657 numpy array subclass unexpedly shares attributes across instances
2,657 cx_freeze - ImportError: numpy.core.multiarray failed to import
2,656 Python Distribution Fitting with Sum of Square Error (SSE)
2,656 Pillow and Numpy, getting pixel values
2,656 matplotlib colors rgb_to_hsv not working right . Maybe need to report it?
2,656 Cutting Dendrogram/Clustering Tree from SciPy at distance height
2,655 What is the meaning of numpy reduceat() in python?
2,655 Finding the intersection of a curve from polyfit
2,654 convert np.where array to list
2,653 merging indexed array in Python
2,653 How do I slice array labels in python pandas?
2,653 Apply function on a rolling slice of a pandas DataFrame
2,652 Python - Fitting 2D rectangular data
2,652 how do I fit 3D data
2,652 Dividing binary image into 'blocks' of pixel data
2,652 Convert list of tuples into numpy array
2,651 Why is random.sample faster than numpy's random.choice?
2,651 What's the fastest way to convert an interleaved NumPy integer array to complex64?
2,651 Reducing function call overhead in python
2,651 Python - ''Keyword cannot be an expression''
2,650 Best way to get joint probability from 2D numpy
2,649 numpy.where with like operator
2,649 Libraries for manipulating multivariate polynomials
2,648 Speedup MSD calculation in Python
2,648 How to draw a colored pixel on a grayscale image?
2,647 Python: Printing Pandas dataframe returns numpy.ndarray Attribute error
2,647 Iterating over scipy sparse matrix by column
2,647 Can Numba be used with Tensorflow?
2,646 Reading and graphing data read from huge files
2,646 Load npy file from S3 in python
2,646 Finding notes in a WAV file
2,645 Issue installing Keras with Tensorflow backend on Anaconda
2,644 Python Multiprocessing Numpy Random [duplicate]
2,644 Python: h5py gives OSError: Can't read data (inflate() failed) even though it's opened it before
2,644 Pandas accessing last non-null value
2,644 Estimating accuracy with (x == y).mean() - How does it work?
2,643 Python lazy evaluation numpy ndarray
2,643 OneHotEncoder TypeError: no supported conversion for types: (dtype('float64'), dtype('O'))
2,643 Matrix inverse in numpy/python not giving correct matrix?
2,643 AttributeError: 'numpy.ndarray' object has no attribute 'inverse_transform'
2,642 return index less than a threshold value in numpy array?
2,642 Python function that identifies if the numbers in a list or array are closer to 0 or 1
2,641 Multiply each row of one array with each element of another array in numpy
2,641 efficiently convert uneven list of lists to minimal containing array padded with nan
2,640 ValueError: sequence too large; cannot be greater than 32
2,640 Python - Pandas, Resample dataset to have balanced classes
2,640 Failed building wheel, when I am trying to install with pip
2,640 Copy every nth column of a numpy array
2,639 Find the index of a value in an array
2,638 savetxt & close file + python + numpy
2,638 Python - differentiating an image in the X direction
2,638 Copy values from numpy array to another array depending on a third value
2,638 Backpropagation with python/numpy - calculating derivative of weight and bias matrices in neural network
2,637 Python numpy.cov results in Memory Error
2,637 Defining a matrix with unknown size in python
2,636 Python - Zero-Order Hold Interpolation (Nearest Neighbor)
2,636 numpy argmax when values are equal
2,636 minimizing a multivariate, differentiable function using scipy.optimize
2,636 Accessing neighboring cells for numpy array
2,635 Limit/minimize step size in scipy optimization?
2,635 I'm getting a TypeError for a += b, but not b += a (numpy)
2,634 Numpy cumsum considering NaNs
2,634 Easy parallelization of numpy.apply_along_axis()?
2,634 Declaring numpy array and c pointer in cython
2,633 Optimal extraction of columns from numpy matrix
2,633 Issue with numpy.concatenation
2,633 How to set the number of digits after the decimal place displayed in a numpy float?
2,633 Data compression in python/numpy
2,631 Python KeyError: 1.0
2,631 Pairwise displacement vectors among set of points
2,631 Numpy / Scipy - Sparse matrix to vector
2,630 How to install numpy for python 2.7.9
2,630 Efficiently change order of numpy array
2,628 Python: What's the proper way to convert between python bool and numpy bool_?
2,628 Python error: len() of unsized object while using statsmodels with one row of data
2,628 Convert a tensor to numpy array in keras
2,627 Thresholding of probabilities in a binary classification
2,627 Split NumPy array according to values in the array (a condition)
2,627 Nested Structured Numpy Array
2,627 How to efficiently compare rows in a pandas DataFrame?
2,625 Fit erf function to data
2,625 Concatinating multiple Data frames of different length
2,625 Change shape of multi-dimensional NumPy array without changing dimensions
2,624 How to sum NaN in numpy?
2,623 numpy: is it possible to preserve the dtype of columns when using column_stack
2,623 How to calculate error for polynomial fitting (in slope and intercept)
2,622 Read and save data file with variable number of columns in python
2,622 Python package that supports weighted covariance computation
2,622 Numpy - Normalize RGB image dataset
2,621 Copying bytes in Python from Numpy array into string or bytearray
2,621 Calculate sums with large binomial coefficients
2,620 Sort numpy string array with negative numbers?
2,620 get a numpy array from a sequence of images in a folder
2,620 Ensuring positive definite covariance matrix
2,619 How to calculate T-test from two Pandas data frame row-by-row
2,619 get channel name with nptdms
2,619 Fitting a 3D array of data to a 1D function with numpy or scipy
2,619 -9999 as missing value with numpy.genfromtxt()
2,618 proper way to replace NaN value from another dataframe on column match in pandas
2,617 The model from Keras give me same output
2,617 Install Numpy in VirtualEnv on Windows
2,617 How to speed up numpy array-filling in python?
2,616 Using Matplotlib and numpy to plot a system of equations
2,616 ReLU Prime with NumPy array
2,616 How do I convert an array of arrays into a multi-dimensional array in Python?
2,616 How do I automatically link to a parameter type in ReST docstrings in Sphinx?
2,615 Why does Python copy NumPy arrays where the length of the dimensions are the same?
2,615 Why does numpy.random.dirichlet() not accept multidimensional arrays?
2,615 Using numpy to square value gives negative number
2,615 Replace character in numpy ndarray (Python)
2,615 NumPy: sum every n columns of matrix
2,615 Numpy array taking too much memory
2,615 how to read an outputted fortran binary NxNxN matrix into Python
2,615 Grouping indices of unique elements in numpy
2,615 Faster way to convert list of objects to numpy array
2,615 Adding lambda functions with the same operator in python
2,614 scipy.optimize with non linear constraints
2,614 Python - How to create an empty numpy array and append to it, like lists [duplicate]
2,614 numpy: reorder array by specified values
2,614 Numpy concatenate for arrays with same rows but different columns
2,613 importing a python sparse matrix into MATLAB
2,613 Finding intersection between straight line and contour
2,613 3D plot with categorical axis [Python/Matplotlib]
2,612 numpy find the max value in a row and return back to it's column index
2,611 TypeError when attempting cross validation in sklearn
2,611 numpy: Replacing values in a recarray
2,611 numpy: Possible for zero determinant matrix to be inverted?
2,610 What kind of noise is this?
2,610 numpy arange for floating point start & stop
2,610 Creating N-dimensional dynamical array based on user's input?
2,610 combining vectors as column matrix in numpy
2,610 AttributeError: 'Series' object has no attribute 'as_matrix' Why is it error?
2,609 Storing the values of an iteration to a numpy array - Python, Numpy
2,609 numpy - Sample repeatedly from matrix using np.random.choice
2,609 Numpy repeating a row or column
2,609 In Python, calculate the softmax of an array column-wise using numpy
2,609 Cannot Find the Correct Working Directory in Python Spyder
2,609 3 dimensional numpy array to multiindex pandas dataframe
2,608 What are the loc and scale parameters in scipy.stats.maxwell?
2,608 trouble getting cv.transform to work
2,608 Numba jit warnings interpretation in python
2,608 How to fix an ''ImportError: No module named numpy'' on AWS EC2 Server with AMI Linux but it installed?
2,608 Fastest way to calculate exponential [exp()] function of large complex array in Python
2,607 How to randomly set elements in numpy array to 0
2,606 Writing .npy (numpy binary format) from java
2,606 Numpy test() finished with errors
2,606 Numpy Array Broadcasting with different dimensions
2,606 Manual installation SciPy, NumPy, MatPlotlib (Windows)
2,606 How to vectorize the evaluation of bilinear & quadratic forms?
2,606 daily data, resample every 3 days, calculate over trailing 5 days efficiently
2,605 TF: Fetch argument x has invalid type <type 'numpy.float32'>, must be a string or Tensor. (Can not convert a float32 into a Tensor or Operation.)
2,605 Python calculate lots of distances quickly
2,605 how to generate rectangular impulse with numpy/scipy
2,603 What does mpf in the mpmath mean?
2,603 ValueError: Maximum allowed size exceeded, variable will range from 0 to 3e33
2,603 numpy only perform function on nonzero parts while preserving structure of array
2,602 Numpy and diff()
2,602 How to change background cell color according with a given key in pandas?
2,601 Removing max and min elements of array from mean calculation
2,601 Python: Designing a time-series filter after Fourier analysis
2,601 Combine or join numpy arrays
2,600 python setuptools and easy_install numpy question
2,600 Passing numpy arrays from python to javascript
2,600 pandas dataframe groupby a number of rows
2,600 A colon before a number in numpy array
2,599 numexpr.evaluate(''a+b'',out=a)
2,598 Python numpy array assign values to each column according to row
2,597 matplotlib slider for parameters
2,597 Linear and circular convolution in Python
2,596 numpy arange implementation on pandas dataframe
2,596 New To Visual Studio Code, having problems with pandas/numpy
2,596 Histogram from pandas DataFrame
2,595 Why does append overwrite the list with the element being added?
2,594 Two ways to join lists in dataframe: as rows and columns
2,594 Python 2.7 ImportError: No module named numpy
2,594 Matrix multiplication with SFrame and SArray with Graphlab and/or Numpy
2,594 How to extend h5py so that I can access data within a hdf5 file?
2,594 Fast numpy roll
2,592 Skip Rows with missing values in genfromtxt
2,592 Concatenate 3-d arrays python
2,591 Turn NumPy Array of characters into a string
2,590 Merging to numpy arrays with different column dimensions
2,590 How to recompile Numpy with enabled OpenMP directives
2,590 Frequency resolution issue using FFT in numpy
2,589 Use numpy.average with weights for resampling a pandas array
2,589 Slow python image processing with PIL and numpy
2,589 Numpy installation API version mismatch
2,588 RawArray from numpy array?
2,588 Memory error in python using numpy array
2,588 Docstring format for input numpy arrays with mandatory datatype and dimensions
2,587 numpy.loadtxt: load a range of columns
2,587 numpy get sub matrix from 2d matrix
2,587 How can I map python callable over numpy array in both elegant and efficient way?
2,587 Find location of pair of elements in two arrays in numpy
2,587 Converting an array to positive indicator
2,586 Numpy: Create a mask array to select rectangle
2,586 for huge arrays is numpy slower than list? [duplicate]
2,585 Is this a memory leak? (python + numpy)
2,585 How to speed up itertools combinations?
2,584 Iterating over numpy arrays to compare columns of different arrays
2,583 Understanding format of data in scikit-learn
2,583 Converting a list of points to a numpy 2D array
2,582 Reconstructing SVD in Python
2,582 calculating the curl of u and v wind components in satellite data - Python
2,581 timedelta64 and datetime conversion
2,581 tf.data.Dataset from tf.keras.preprocessing.image.ImageDataGenerator.flow_from_directory?
2,581 Numpy Install/Build Mac Osx
2,581 How can I select the pixels that fall within a contour in an image represented by a numpy array?
2,580 Trouble installing numpy for Python 3.3 on OSX 10.8
2,580 scipy.optimize.curve_fit error- result from function not a proper array of floats
2,580 Reading and writing an array in a file using C functions in cython
2,580 Python & Pandas - pd.Series difference between int32 and int64
2,580 Keras - Error when checking target
2,580 Efficient way of merging two numpy masked arrays
2,580 Could not find a version that satisfies the requirement numpy
2,579 Using numpy in AWS Lambda
2,579 Numpy import from CSV and convert columns to float [duplicate]
2,579 ImportError: cannot import name '__check_build'
2,579 how to extract required dimension from a numpy array
2,579 Expanding NumPy array over extra dimension
2,578 OpenCV iterating through contours
2,578 Numpy/Scipy Connected Components
2,577 Use of global dictionary to create variables
2,576 weighted covariance matrix in numpy
2,576 How to optimally apply a function on all items of a dataframe using inputs from another dataframe?
2,575 Replace specific values in a matrix using Python
2,575 Python numpy where function with datetime
2,575 numpy array multiplication slower than for loop with vector multiplication?
2,575 how to convert image to dataset to process machine learning
2,574 smooth, generalised 2D linear interpolation in python
2,573 How to convert a numpy complex array to a two element float array?
2,573 FuncAnimation with a matrix
2,573 Convert 2 images to numpy arrays and compare pixel by pixel
2,572 How to get error estimates for fit parameters in scipy.stats.gamma.fit?
2,571 Multiplication of two arrays in numpy
2,571 How to convert a vtkimage into a numpy array
2,571 Generate a NumPy array with powers of 2
2,570 Seaborn matplotlib: Cannot get window extent w/o renderer (RuntimeError)
2,570 Python: How to use functions inside numpy?
2,570 Python Error: 'numpy.bool_' object is not iterable
2,569 Python fsolve() complains about shape. Why?
2,567 Getting a slice of a numpy ndarray (for arbitary dimensions)
2,567 Finding a local Maxima/minimum using python
2,566 writing a train_test_split function with numpy
2,566 What's the difference between ''numpy.add(a,b)'' and ''a+b''?
2,566 SciPy PearsonR ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
2,566 Passing multiple columns of a 2D array into a lambda function and returning a single column array
2,566 pandas not in, in and between
2,565 Python 2D Gaussian Fit with NaN Values in Data
2,565 Memory error (MemoryError) when creating a boolean NumPy array (Python)
2,564 Why does numpy.dot behave in this way?
2,564 set new index for pandas DataFrame (interpolating?)
2,564 AttributeError: 'float' object has no attribute 'shape'
2,563 Numpy: possible better formatting?
2,562 NumPy - Iterate over 2D list and print (row,column) index
2,562 Does [:] slice only make shallow copy of a list?
2,562 Candlestick data in list to matplotlib
2,561 TypeError: '(slice(0, 201617, 1), slice(None, None, None))' is an invalid key
2,561 py2exe with enthought and pandas
2,560 Quickest way to convert 1D byte array to 2D numpy array
2,560 Python pandas dataframe- remove columns from header
2,559 Object Tracking: MATLAB vs. Python Numpy
2,559 numpy dimensions
2,559 How to calculate normal inverse cumulative distribution function efficiently in Python
2,558 Python, how to convert spline defined by x;y list of point into NURB curve
2,558 MySQLdb query to Numpy array
2,557 Why use arrays of shape (x,) rather than (x,1)? [duplicate]
2,557 Speeding up distance matrix computation with Numpy and Cython
2,557 numpy csv import problem
2,556 How to convert from a dtype('o') to a dtype(float) in numpy?
2,555 Vectorized groupby with NumPy
2,555 Reading text file with numpy.loadtxt
2,555 Can not reset the axes
2,554 Numpy where returns empty array
2,554 How to find the Null Space of a matrix in Python using numpy?
2,553 Remove elements from one array if present in another array, keep duplicates - NumPy / Python
2,553 h5py - HDF5 database randomly returning NaNs and near very small data with multiple readers?
2,553 Comparison with boolean numpy arrays VS PEP8 E712
2,552 I can't open my Excel file on python, using pandas
2,551 imwrite merged image : writing image after adding alpha channel to it opencv python
2,551 How to get around this memoryview error in numpy?
2,550 Memory Error when numpy.dot(A,B), where A is 250000x108 float matrix, B is transpose of A
2,550 How to install h5py (+numpy+libhdf5+ ... ) as non-root on a Debian Linux system
2,550 Detect consecutive dates in pandas series of DatetimeIndex
2,549 How to get the rolling(window = 3).max() on a numpy.ndarray?
2,549 Count zero rows in 2D numpy array
2,549 Broadcasting np.dot vs tf.matmul for tensor-matrix multiplication (Shape must be rank 2 but is rank 3 error)
2,548 Loading UTF-8 file in Python 3 using numpy.genfromtxt()
2,548 How to turn a numpy array mask (boolean) into floats or ints
2,547 SciPy + Numpy: Finding the slope of a sigmoid curve
2,547 Python, Numpy, and OLS
2,547 getting errors when trying to install matplotlib and numpy using pip
2,547 Efficient element-wise matrix division when elements in denominator may be zero
2,546 Vectorizing Haversine distance calculation in Python
2,546 Multiprocessing - using the Managers Namespace to save memory
2,546 Minor of matrix
2,546 Construct a matrix using a for loop
2,545 Why are numpy functions so slow on pandas series / dataframes?
2,545 Rolling median for a large dataset - python
2,545 How to fold/accumulate a numpy matrix product (dot)?
2,545 How do I downsample a 1d numpy array?
2,545 convert unicode array to numpy
2,544 Use of fsolve and numpy
2,544 Scipy sparse matrix assignment using only stored elements
2,544 Saving data to h5
2,544 Numpy - multiple 3d array with a 2d array
2,544 Histogram for data with periodic boundary conditions
2,544 FindContours of a single channel image in OpenCv (Python)
2,543 numpy multiple slicing booleans
2,543 Matlab random vs np.randn
2,543 Getting eigenvalues from 3x3 matrix in Python using Power method
2,542 How does matplotlib's histogramdd work?
2,542 How can I transform the histograms of grayscale images to enforce a particular ratio of highlights/midtones/shadows?
2,542 Converting log values back to number
2,542 @(at) operator at Python, how to use it? [duplicate]
2,541 What's the most efficient way to select a non-rectangular ROI of an Image in OpenCV?
2,541 TypeError: can't multiply sequence by non-int of type 'float' : prblem with NumPy arrays
2,540 Reading numpy arrays outside of Python
2,540 matplotlib.pyplot.imsave backend
2,540 Cannot reshape array of size into shape
2,539 Abstract matrix multiplication with variables
2,538 Printing matrix with numpy, python
2,538 numpy matrix to pandas Series
2,538 Iterating a function over the RGB values of individual pixels
2,538 How can I add small 2D array to larger array?
2,538 Find missing values in NumPy array of dtype obj
2,538 Finding heteroscedasticity in time series
2,538 Catching numpy runtimewarning as exception and suppressing them
2,537 Insert a Python list of lists in MySQL
2,536 Python - The best way to read a sparse file into a sparse matrix
2,536 Python matplotlib get data with cursor from plot
2,536 How to find the minimum value from a part of a column in numpy array?
2,536 Calculate power of FFT Frequency component
2,535 Installing f2py in ubuntu
2,535 How to convert triangle matrix to square in NumPy?
2,535 Calculate euclidean norm of 100 points of n-dimensions?
2,534 Numpy: Linear system with specific conditions. No negative solutions
2,532 What is an efficient way to scale a int16 numpy array to a int8 numpy array
2,532 Scatter plot marker size calculation
2,532 Numpy: Comparison within Multidimensional array values
2,532 How to properly cast mpmath matrix to numpy ndarray ( and mpmath.mpf to float)
2,532 Distance calculation on matrix using numpy
2,532 Assign column and row labels to merged numpy arrays?
2,532 A kernel matrix 3x3 on an array of an image / Gaussian filter
2,531 Saving to hdf5 is very slow (Python freezing)
2,531 Python float types vs Decimal
2,531 creating histogram from 2d array python
2,531 Could not broadcast input array from shape (8,8,3) into shape (8,8,2048,3)
2,530 Subtract pandas columns from a specified column
2,530 Numpy.where used with list of values
2,530 numpy: Computing mean and std over multiple non-consecutive axes (2nd attempt)
2,530 Modify numpy array section in-place using boolean indexing
2,530 Find Unique Dates in Numpy Datetime Array
2,529 finding identical rows and columns in a numpy array
2,529 array of neighbor averages
2,528 Remove the numba.lowering.LoweringError: Internal error
2,528 Numpy Advanced Indexing with 1D array
2,528 Inverse filtering using Python
2,528 Concatenating numpy arrays vertically and horizontally
2,527 How to use group by and return rows with null values
2,527 How to obtain the Jacobian from the returned data of the leastsq()?
2,527 efficient, fast numpy histograms
2,527 Classify elements of a numpy array using a second array as reference
2,526 Matlab to Python Conversion
2,526 Extract specific bytes from a binary file in Python
2,526 Difference between data sets
2,525 Python: 64bit Numpy?
2,525 Numpy random choice to produce a 2D-array with all unique values
2,525 Find all positions in a NumPy array that contain a substring (most efficient?)
2,524 Setting numpy slice in lambda function
2,524 numpy.arange divide by zero error
2,521 ValueError Scikit learn. Number of features of model don't match input
2,521 Using sklearn.metrics Jaccard Index with images?
2,521 Recursively defining an N-dimensional numpy array
2,521 Pythonic way to compute sensitivity and specificity
2,521 IPython: how to automagically load npz file and assign values to variables?
2,521 How to get azimuth and elevation from a matplotlib figure
2,521 Bypass ''Array is too big'' python error
2,520 Want to append 2 2d arrays in numpy
2,520 Python numpy.var returning wrong values
2,520 Making a numpy array with mixed types and writing it as csv
2,519 How to specify a random seed while using Python's numpy random choice?
2,519 How to sort a numpy array into a specific order, specified by a separate list, based on the relative sizes of the values in the array
2,519 Extracting a feature by feature name in scikit dict vectorizer
2,519 Efficiently Reshaping/Reordering Numpy Array to Properly Ordered Tiles (Image)
2,519 Convert a list of strings into a dataframe [duplicate]
2,518 Python print error: %d format: a number is required, not tuple
2,517 What does the unary operator ~ do in numpy?
2,516 What causes this NameError: name 'ax' is not defined in my Python code?
2,516 increasing NumPy memory limit
2,515 Ubuntu 14.04 Installing Numpy and Scipy without Root Access
2,515 shuffle data in train test split function sklearn returns error
2,515 how to multiply 2 matrices (Python)
2,514 Numpy array assignment inside class
2,514 How to read two columns using python
2,514 How to change the arrow head style in matplotlib annotate?
2,514 Compress an array in python?
2,513 Read Large Gzip Files in Python
2,513 Alternative for r's Exponential smoothing state space model in python/scikit/numpy
2,512 Numpy array dot product
2,512 Changing WAV format from 32-bit floating point to 16 bit PCM
2,511 How do I define a conditional function using sympy?
2,511 Creating 1D zero array in Octave
2,510 using pip to install packages locally in spite of satisfied global requirements
2,509 Parseval's theorem in Python
2,509 how to solve 3 nonlinear equations in python
2,509 Error when using rot90 on 3D numpy array with 3 arguments
2,508 Detection of rectangles using Hough Transformation. Encountered this error: 'NoneType' object has no attribute '__getitem__'
2,507 MLP Neural Network: calculating the gradient (matrices)
2,507 Create a Numpy FFT Bandpass Filter
2,506 Speed up iteration over Numpy arrays / OpenCV cv2 image
2,506 Disable warnings originating from scipy
2,505 strptime() argument 0 must be str, not <class 'bytes'>
2,505 How to convert RGB image to one-hot encoded 3d array based on color using numpy?
2,505 How to check the current version of numpy in the source code?
2,504 python generate histogram/pareto chart on keywords
2,504 How to select a portion of a NumPy array efficiently?
2,504 Fast method to retrieve contour mask from a binary mask in Python
2,503 Occasional ctypes error importing numpy from mod_wsgi django app
2,503 LU decomposition with pivoting in numpy
2,502 Python RuntimeWarning overflow encountered in double_scalars
2,502 Python Pandas: How can I search for a string in a column? [duplicate]
2,502 Numpy array to dictionary
2,501 PyTorch CUDA vs Numpy for arithmetic operations? Fastest?
2,501 Python: Creating multiple plots in one figure with for loop
2,500 scipy.integrate.quad precision on big numbers
2,500 Numpy: vectorization for multiple values
2,500 Can I trick numpy.histogram into behaving like numpy.bincount?
2,499 Interpolate irregular 3d data from a XYZ file to a regular grid
2,498 Ignoring duplicate entries in sparse matrix
2,498 AttributeError: 'DType' object has no attribute 'type' Tensorflow Serving
2,497 Scipy optimize.curve_fit sometimes won't converge
2,497 Geometric warp of image in python
2,497 Constrained np.polyfit
2,496 Variables in NumPy
2,496 Python ValueError: cannot copy sequence to array
2,496 Get point IDs after clustering, using python [duplicate]
2,496 Finding intersection of two matrices in Python within a tolerance?
2,496 Downsampling large 3D image in numpy
2,496 Data structure for custom indexing
2,495 Speed up numpy matrix inverse
2,495 Plotting a sum in python
2,495 Memory error when using Numpy load text
2,495 Finding coordinate points of intersection with two numpy arrays
2,494 Optimizing my Cython/Numpy code? Only a 30% performance gain so far
2,494 How can i pythonically us opencv to find a a basketball in an image?
2,494 Fast way to quantize numpy vectors
2,494 empty, zero and non-zero pixels representation in Matplotlib
2,493 Scipy ndimage median_filter origin
2,493 Python: gridding point X,Y, and Z in order to extract statistical attribute
2,493 Create a matrix from a list of key-value pairs
2,492 Unsupported type for timedelta
2,492 Plotting mathematica data with python
2,491 What is the reason for an unhandled win32 exception in an installer program?
2,491 Use SWIG to wrap C++ <vector> as python NumPy array
2,491 Multiply array of different size
2,491 Installing Numpy for Python 3.3 on Mac Mavericks OS 10.9
2,490 Python on Windows error: python25.dll not found
2,490 How can I add a small matrix into a big one with numpy?
2,490 Convert OpenCV IplImage* data to numpy array
2,489 ValueError: shapes (1,1000) and (1,1000) not aligned: 1000 (dim 1) != 1 (dim 0) When numpy.dot() with two matrices
2,489 Python Numpy Structured Array (recarray) assigning values into slices
2,488 Solution to Error: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
2,488 Convert NumPy arrays to Pandas Dataframe with columns
2,488 Can I use lambdify to evaluate the derivative of a python function?
2,487 Speeding up dynamic programming in python/numpy
2,487 Python Bar charts are overlapping
2,487 How to read this ASCII data into Python lists or numpy arrays?
2,487 Convert a MATLAB matrix object to a python NumPy array
2,486 pandas: add new column that increment every several rows
2,486 load a certain number of rows from csv with numpy
2,486 Backpropagation with Rectified Linear Units
2,485 numpy Loadtxt function seems to be consuming too much memory
2,485 Is it possible to anchor a matplotlib annotation to a data coordinate in the x-axis, but to a relative location in the y-axis?
2,485 How to make NumPy create a matrix with Strings and floats
2,485 Finding the index of a numpy array in a list
2,485 Binary Matrix Multiplication with OR Instead of Sum
2,485 axis 0 is out of bounds for array of dimension 0
2,484 Plotting a hydrograph-precipitation plot
2,484 Finding matching submatrices inside a matrix
2,483 How to calculate all 24 rotations of 3d array?
2,483 Exponential Fitting with Scipy.Optimise Curve_fit not working
2,482 Using NumPy to Find Median of Second Element of List of Tuples
2,482 ''pip3 install numpy'' fails on brewed Python 3.5
2,482 numpy vectorization of double python for loop
2,482 Converting 2D Numpy array to a list of 1D columns
2,481 Why doesn't setup_requires work properly for numpy?
2,481 numpy.poly1d , root-finding optimization, shifting polynom on x-axis
2,480 scipy eigh gives negative eigenvalues for positive semidefinite matrix
2,480 Numpy inpaint nans interpolate AND extrapolate
2,480 Get corner values in Python numpy ndarray
2,480 Assembling Numpy Array in Parallel
2,479 Python mask image pixels from a set of values
2,479 Prevent pandas from reading None as Nan
2,479 Changing numpy structured array dtype names and formats
2,478 loop through numpy arrays, plot all arrays to single figure (matplotlib)
2,477 Euclidean distance between matrix and vector
2,477 Calculating the mean across multiple files
2,475 Tensorflow variable images size within single batch
2,475 Python opencv and dicom files
2,475 Numpy: find the euclidean distance between two 3-D arrays
2,475 How to substitute symbol for matrix using symPy and numPy
2,475 How to convert a Numpy array of int to string in Python?
2,475 Cython numpy array indexing
2,474 Numpy - summing up a list of vectors
2,474 Is there a way to create column vectors in numpy without having to create a list of lists? [duplicate]
2,473 Numpy - find rows where all elements are finite
2,473 linear regression line with matplotlib gives ValueError
2,473 AttributeError: 'LinearSVC' object has no attribute 'classes_'
2,473 Am I using Numpy to calculate the Inverse Filter correctly?
2,472 Import errors after upgrading to sklearn 0.15
2,472 How to append the list's values to a 3D array - python and opencv
2,472 Calculating norm of columns as vectors in a matrix
2,471 Q2: AttributeError: 'builtin_function_or_method' object has no attribute 'size'
2,471 Numpy C API: Link several object files
2,471 Keras: convert pretrained weights between theano and tensorflow
2,471 creating a boolean array which compares numpy elements to None
2,470 Removing NaNs in numpy arrays
2,470 Python error when calling NumPy from class method with map
2,469 Remove nan rows in a scipy sparse matrix
2,469 Linear regression with a forced zero intercept
2,469 Change the shape of an array using another array
2,468 Reshape array to rgb matrix
2,468 How can I speed up transition matrix creation in Numpy?
2,467 Parallel matrix-vector multiplication in numpy
2,467 How to use fmt in numpy savetxt to align information in each column
2,467 Calling numpy function from C-code
2,466 Should I use numpy (or pylab) as a python environment by using `from numpy import *`?
2,466 python syntax error in matplotlib
2,465 Numpy fill_diagonal return None
2,465 Join two python arrays via index
2,464 Packages not working, using Anaconda
2,464 Comparing Python accelerators (Cython,Numba,f2py) to Numpy einsum
2,463 Unsupported operand type(s) for ** or pow(): 'generator' and 'int'
2,462 numpy array, difference between a /= x vs. a = a / x
2,462 How to convert pandas dataframe columns to native python data types?
2,462 How can one efficiently remove a range of rows from a large numpy array?
2,461 numpy: summing along all but last axis
2,461 How can I find the critical points of a 2D array in python?
2,460 Finding solutions to row reduced matrix python
2,459 Numpy savetxt loop
2,459 Numpy extract row, column and value from a matrix
2,459 How to vectorize 3D Numpy arrays
2,459 How to get the rank of a column in numpy 2d array?
2,459 converting text to datetime64 in numpy
2,458 Why are numpy calculations not affected by the global interpreter lock?
2,458 Random integers from an exponential distribution between min and max
2,458 Python - C embedded Segmentation fault
2,458 How to compute the median and 68% confidence interval around the median of non-Gaussian distribution in Python?
2,457 Python Pandas Dictionary with numpy arrays
2,457 Centering a Numpy array of images
2,456 Pairwise haversine distance calculation
2,456 Numba and Cython aren't improving the performance compared to CPython significantly, maybe I am using it incorrectly?
2,455 tensorflow.python.framework.errors.InvalidArgumentError: Field 0 in record 0 is not a valid int32: 1 0
2,455 Count unique values in each numpy array column
2,454 Fitting a Lognormal Distribution in Python using CURVE_FIT
2,454 Draw 3D plot with minimal interpolation
2,454 Determining if a color is within a contour OpenCV
2,453 Python - What are the major improvement of Pandas over Numpy/Scipy
2,453 Difference between ALL 1D points in array with python diff()?
2,452 Piecewise linear fit with n breakpoints
2,452 Non-linear Least Squares Fitting (2-dimensional) in Python
2,451 Dealing with zeros in numpy array normalization
2,451 Creating 3rd order tensors with python and numpy
2,450 Randomly shuffle items in each row of numpy array
2,450 Python: creating and copying numpy arrays in Numba?
2,450 NaNs in pandas.DataFrame not printing to Excel
2,450 Deleting multiple slices from a numpy array
2,449 Safer way to expose a C-allocated memory buffer using numpy/ctypes?
2,448 Why does this numpy array comparison fail?
2,448 How to plot the Eigenvalues when solving matrix coupled differential equations in PYTHON?
2,448 How to generate a matrix with circle of ones in numpy/scipy
2,447 scikit-learn install failure / numpy not found / missing numpy headers
2,445 Weird loadtxt behaviour, script that worked previously not working after reinstall
2,445 Sorting numpy matrix for a given column
2,445 Numpy print a 1d array as a column
2,445 Jython: ImportError: No module named multiarray
2,445 Conditional Replace within a Column of a Numpy Array
2,445 Cannot cast array data from dtype('complex128') to dtype('float64') according to the rule 'safe'
2,444 Numpy Python: Sorting columns of an array in alphabetical order
2,444 How does numpy handle mmap's over npz files?
2,443 No conversion path for dtype ('<U1') issue
2,443 Crop multiple faces from a picture using opencv and store them in a folder
2,442 savetxt to file giving error
2,442 Representing Graph with Numpy Array
2,442 Python - Log Transformation on variables using numpy
2,442 IronPython unable to run script that imports numpy
2,442 Different standard deviation for same input from Wolfram and numpy
2,442 Delimiter error from np.loadtxt Python
2,441 python read file in certain format
2,441 How do I concatenate two one-dimensional arrays in NumPy?
2,441 Extracting data from numpy array
2,441 Create mpf from array
2,441 Compute percentile rank relative to a given population
2,440 ANOVA over time in Python, what am I doing?
2,439 Fastest way to find non-finite values
2,439 Calculate Distance between numpy arrays
2,438 Seaborn distplot: unsupported operand type(s) for /: 'str' and 'int'
2,438 Linking Libraries using f2py
2,437 Saving numpy array to txt file as a single column?
2,437 Numpy: index array by array
2,437 Installing packages in Python 2.7.9 [duplicate]
2,437 Element-wise subtraction of two numpy arrays
2,436 Is it possible to update / add to a numpy histogram (specifically, numpy.histogram2d) that is already populated?
2,436 Any way to create a NumPy matrix with C API?
2,435 Numpy Array Slicing
2,435 Install Numpy in Python 3.4.4 and Linux [duplicate]
2,434 Why does X.dot(X.T) require so much memory in numpy?
2,434 looking for a 3D version of numpy.linalg.norm
2,434 How to get column name for second largest row value in pandas DataFrame
2,433 Python import works in interpreter, doesn't work in script Numpy/Matplotlib
2,433 plot 3d in python using three lists
2,433 finding the area of a closed 2d uniform cubic B-spline
2,433 Appending rows onto a numpy matrix
2,432 Specify number of samples in a segment for Short-time Fourier Transform using SciPy stft function
2,432 Precision of cdf in scipy.stats
2,432 Numpy: Replace every n element in the first half of an array
2,432 How to remove columns from a file using pandas DataFrame.drop with a list of column headers read in from a second file
2,432 How to create or fill an numpy array with another array?
2,431 ''ValueError: Not a location id (Invalid object id)'' while creating HDF5 datasets
2,431 Error installing and using numpy
2,430 Matplotlib: ValueError: x and y must have same first dimension Error
2,430 Index 2D numpy array by a 2D array of indices without loops
2,430 Implementing Topic Model with Python (numpy)
2,430 How to random sample a 2-parameter weibull distribution in python
2,430 Fastest way to check which interval index a value is
2,430 dtype usage when converting list to numpy array
2,429 python - KL divergence on numpy arrays with different lengths
2,429 Numpy matrix operations
2,429 How to append a list as a row in pandas.DataFrame()?
2,429 Get the mean value of list containing NaNs in Python
2,429 draw random element in numpy
2,428 Python: Non diagonal elements of a matrix to 0
2,428 Getting indices of a specific value in numpy array
2,428 Flushing numpy memmap to npy file
2,428 conda-forge: Why does Conda inconsistently want to downgrade NumPy?
2,428 Comparing two lines in csv file - Python
2,428 Checking for both NaT or pandas timestamp
2,427 Pick random coordinates in Numpy array based on condition
2,427 pandas Dataframe groupby, sort groups by absolute value
2,427 Finding shape of saved numpy array (.npy or .npz) without loading into memory
2,426 Using np.where to find matching row in 2D array
2,426 Making ROC curve using python for multiclassification
2,426 Iterate over a matrix, sum over some rows and add the result to another array
2,426 install mlpy 3.5.0 on mac 10.9 error.Please help me
2,426 Finding an array elements location in a pandas frame column (a.k.a pd.series)
2,425 Triangular contour with meshgrid
2,424 Using numpy.bincount with array weights
2,424 import scipy.sparse failed
2,424 How to create a synthetic dataset
2,423 Buildin a sparse 2D laplacian matrix using SciPy modules
2,422 Numpy analog for Jython [duplicate]
2,422 Issues in opening and reading .mat files in python
2,422 deleting rows of a numpy array based on uniqueness of a value
2,420 Python fit a distribution to a bell curve
2,420 numpy multidimensional indexing and the function 'take'
2,419 resampling of 2D numpy array
2,419 np.subtract.outer() returning more dimensions than I expect
2,418 Using a graph-tool efficiently
2,418 TensorFlow: Dimension not compatible error in convolutional network
2,418 Filter pandas (python) dataframe based on partial strings in a list
2,418 Fastest way to merge pandas dataframe on ranges
2,418 Dot product of every element with every other element of an array
2,417 striping space from all columns values in pandas
2,417 numpy.core.multiarray failed to import while invoking python module through C++ application developed in xcode
2,417 Most efficient way to stretch an image in Python NumPy
2,417 Bug or feature: cloning a numpy array w/ slicing
2,416 Pandas: groupby and get index of first row matching condition
2,416 How to compare value in list without using loop in python?
2,416 How to add ones to matrix?
2,416 AttributeError: 'numpy.int64' object has no attribute 'timestamp' in python 3.5 in Anaconda
2,415 numpy - Transform non-contiguous data to contiguous data in place
2,414 Volume under ''plane'' defined by data points - python
2,414 value error trying to install numpy on windows 8
2,414 memory error in numpy svd
2,414 How to make mpmath function return python float?
2,413 How to convert a wand image object to numpy array (without OpenCV)?
2,412 Tensorflow: Numpy equivalent of tf batches and reshape
2,412 ImportError: cannot import name NumpyTest
2,412 How to work around the ValueError: array is too big error?
2,412 How to effectively scan 2d numpy array?
2,411 Visualize matplotlib histogram bin counts directly on the graph
2,411 Sklearn - Cannot use encoded data in Random forest classifier
2,411 How to read a hex file into numpy array
2,410 np.squeeze for assignments
2,410 Isolate greatest/smallest labeled patches from numpy array
2,409 Trying to generate random x,y coordinates within a ring in python
2,409 Plotting stacked histograms in python using matplotlib
2,409 Fitting an exponential modified gaussian curve to data with Python
2,409 Editing Python plot surface ticks and their frequency
2,409 compress numpy array(matrix) by removing columns using another numpy array as mask
2,409 Append Numpy array to correct shape
2,408 Treat nan as zero in numpy array summation except for nan in all arrays
2,407 Python: Get array indexes of quartiles
2,407 Numpy roll vertical in 2d array
2,407 Creating a random matrix in python
2,406 Python PANDAS: How to Reverse One-Hot Encoding Back to Categorical [duplicate]
2,406 numpy array assign values from another array
2,406 Create numpy array from python list
2,405 Using numpy.random.normal with arrays
2,405 Share a numpy array in gunicorn processes
2,405 Removing completely isolated cells from Python array?
2,405 Pandas DataFrame not working as intended
2,404 Plotting confidence intervals for Maximum Likelihood Estimate
2,403 Trouble getting Virtualenv to Import Numpy
2,403 python contour for binary 2D matrix
2,403 fractional part of numpy array
2,402 Replacing numpy array values python
2,402 python plot intersection of line and data
2,402 Normalizing complex values in NumPy / Python
2,401 x and y must have same first dimension, but have shapes (30,) and (1,)
2,401 Pandas DataFrame: How to quickly get first non-NaN value in each row? [duplicate]
2,401 Function returns a vector, how to minimize in via NumPy
2,400 What is most efficient way of setting row to zeros for a sparse scipy matrix?
2,400 MemoryError from sklearn.metrics.silhouette_samples
2,400 How to map NaN in numpy to values using dictionary?
2,399 Keras input shape error
2,398 Using : operator to index numpy.ndarray of numpy.void (as output by numy.genfromtxt)
2,398 Understanding axis in Python
2,398 Pass numpy array as function argument [closed]
2,397 Scipy - Inverse Sampling Method from custom probability density function
2,396 Setting python path for WinPython to use f2py
2,396 Numpy method to split a real number into n-equal parts?
2,396 Cython: how to resolve TypeError: Cannot convert memoryviewslice to numpy.ndarray?
2,396 Convert a dataframe with multiple rows into one row using pandas?
2,395 Tuple Numpy Data Type
2,394 using masked array to create pandas DataFrame
2,394 How to get a subset of rows from a NumPy Matrix based on a condition?
2,394 generalized cumulative functions in NumPy/SciPy?
2,393 Visualizing a 3d numpy array of 1's and 0's
2,393 Numpy repeat array along new axis
2,393 Creating array of arrays in numpy with different dimensions
2,393 Calculate euclidean distance from dicts (sklearn)
2,392 Using numpy and pandas how to calculate percentage and using criteria and give it negative sign
2,392 Sorting a numpy array based on data from another array
2,392 Slow performance of pandas timestamp vs datetime
2,392 Need nose >= 0.10.0 error while attempting to install Theano on Ubuntu
2,392 Memory alignment for fast FFT in Python using shared arrays
2,392 Converting A folder of images into a .h5 file?
2,392 Apply round off setting to whole notebook
2,391 SWIG: No typemaps are defined
2,391 No module named msvccompiler in numpy.distutils; trying from distutils and raise SystemExit, ''error: '' + str(msg)
2,391 Fastest way to create strictly increasing lists in Python
2,391 customizing facetgrid xticks and labels in seaborn
2,390 Python loadtxt function is not working
2,390 Python: how to interpret the outcome of np.argmax()?
2,390 Iterate over files in a folder to create numpy array
2,389 Where to find source code for numpy's percentile [closed]
2,388 VTK render window image to numpy array
2,388 (Python) Gaussian Bernoulli RBM on computing P(v|h)
2,388 making histogram from a csv file
2,388 Add together two numpy masked arrays
2,387 Python Speedup np.unique
2,387 Numpy histogram on multi-dimensional array
2,387 Numpy column and row vectors
2,386 Python Pandas find statistical difference between 2 distributions
2,386 Python: Matplotlib imshow shift xlabel numbers
2,386 Pandas DataFrame replace does not work with inplace=True
2,386 Implementation of numpy in1d for 2D arrays?
2,386 Find the n smallest items in a numpy array of arrays
2,384 Row-wise scaling with Numpy
2,384 Excluding certain rows while importing data with Numpy
2,384 Converting a 1.2GB list of edges into a sparse matrix
2,383 unable to `pip install numpy` on a specific machine
2,383 Return the indices of unmasked elements that are both zero and not zero
2,383 How to correctly test RGB values using images(OpenCV & Python)?
2,382 Using Python numpy einsum to obtain dot product between 2 Matrices
2,382 turning igraph adjacency matrix into numpy array
2,382 Python - finding pattern in a plot
2,382 Numpy array being rounded? subtraction of small floats
2,381 Python Pandas - from data frame create an array or matrix for multiplication
2,381 How to show numpy NxM array with dtype=float as plain gray scale image?
2,381 How to plot contours from multidimensional data in MatPlotLib (NumPy)?
2,380 Sum All elements of each array in an array of arrays
2,380 Reshaping pandas DataFrame from Meshgrid
2,380 Pandas pd.Series.isin performance with set versus array
2,380 how to effectively loop over matrix elements?
2,380 How do I visualize or plot a multidimensional tensor?
2,380 How can I pick specific records in TensorFlow from a .tfrecords file?
2,379 ValueError: too many values to unpack matplotlib errorbar
2,379 Removing outliers in each column (and corresponding row)
2,379 Python code to perform anisotropic diffusion, having trouble running it in Anaconda
2,378 I'm trying to use pip install to add numpy, but it says the file doesn't exist
2,378 Convert 2D numpy array to Tensorflow Dataset
2,378 Colorbar does not show values when using LogNorm()
2,377 Fastest way to numerically process 2d-array: dataframe vs series vs array vs numba
2,377 Difference in matrix multiplication tensorflow vs numpy
2,376 Numpy API version mismatch
2,376 How to do faster opencv cv2 imread in python after reboot
2,376 can't add a string element to numpy zeros array
2,376 Appending/Merging 2D Arrays
2,375 Search Numpy array with multiple values
2,375 NameError: name 'classname' is not defined error in python
2,375 Creating grid and interpolating (x,y,z) for contour plot sagemath
2,374 Use optimize.minimize from scipy with 2 variables and interpolated function
2,374 sklearn ''numpy.dtype has the wrong size, try recompiling'' in both pycharm and terminal
2,374 Scipy.optimize.minimize method='SLSQP' ignores constraint
2,374 Remove rows from array if values in a column are greater than a certain value [closed]
2,374 Python: Writing int to a binary file
2,374 Python 3D Plots over non-rectangular domain
2,374 Error while trying to install sklearn from Pycharm | arrayobject.h cannot be absolute
2,373 Print highest peak value of the frequency domain plot
2,373 Numpy operation for euclidean distance between multidimensional arrays
2,373 find the distance between a point and a curve python
2,373 Creating numpy array from list gives wrong shape
2,372 Why do statsmodels's correlation and autocorrelation functions give different results in Python?
2,372 regarding the error message of float object cannot be interpreted as an integer
2,372 Get indices of numpy 1d array where value is greater than previous element
2,372 Fit a logarithmic curve to data points and extrapolate out in numpy
2,371 Transform Pandas Column into Numpy Array for Keras Neural Network
2,371 Numpy fancy indexing in multiple dimensions
2,370 Replace ''zero-columns'' with values from a numpy array
2,370 Pad 0's Of Numpy Array To Nearest Power Of Two
2,370 Import and reshape MNIST data, numpy
2,370 How to set the alpha value for each element of a numpy array
2,370 how to convert regular numpy array to record array?
2,370 How to calculate numpy arrays on galois field?
2,370 Can numba.jit (nopython) handle array indexing and slicing?
2,369 Python, add key:value to dictionary in parallelised loop
2,368 scipy.optimize.minimize : ValueError: all the input arrays must have same number of dimensions
2,368 Alpha shapes in 3D
2,367 Using NumPy with JyNI
2,367 Problems installing pandas and numpy on Mac OSX
2,367 Multiplying columns by another column in a dataframe
2,366 Numpy and Scipy with Amazon Elastic MapReduce
2,366 How to convert grouped/binned dataframe to numpy array?
2,365 Why is TF Keras inference way slower than Numpy operations?
2,365 Summation in python using recursive function
2,365 Save fixed width text file from pandas dataframe
2,365 Python - How to generate the Pairwise Hamming Distance Matrix
2,365 Anaconda Environment Installing Packages Numpy-Base
2,364 Effective way to reduce dimension of an n-dimensional numpy array
2,364 A real time Spectrum analyser with pyaudio in python on Raspi
2,364 Apply rolling mean function on data frames with duplicated indices in pandas
2,363 testing if an array is not empty in numpy [duplicate]
2,363 How can I interpolate array from spherical to cartesian coordinates with Python?
2,363 Disable/configure multithreading in default conda numpy
2,363 could numpy.random.poisson be used to add poisson noise to images?
2,362 Unable to `pip install -r requirements.txt`
2,362 Normalizing vector produces nan in Numpy
2,362 How to update a specific DataFrame slice of a column with new values?
2,362 How to create correlation matrix only for specific columns combination using python?
2,361 Numpy standard deviation not working for me
2,361 Converting TIFF to numpy array
2,360 Why does an assignment for double-sliced numpy arrays not work?
2,360 src data type 17 not supported error with OpenCV Python
2,360 Numpy import error in PyCharm (Importing the multiarray numpy extension module failed) [duplicate]
2,360 Implementing vectors to speed up pitch calculation (numpy.arctan2 and np.sqrt)
2,360 Convert float64 numpy array to floats not in scientific notation
2,359 python sqlite3 executemany using multiple lists
2,359 Numpy, how to get a sub matrix with boolean slicing
2,359 Normalization of several time-series of different lengths and scale
2,358 Pandas DataFrame: How to natively get minimum across range of rows and columns
2,358 matplotlib generating strange y-axis on certain data sets?
2,358 How do I create a deterministic Random number generator with numpy seed?
2,357 Fastest way to store a numpy array in redis
2,357 drop a column in numpy ndarray
2,356 numpy.genfromtxt imports tuples instead of arrays
2,356 extracting a subarray from an array in python using numpy
2,355 using numpy to read a file into python
2,355 Speeding up datetime comparison with Cython
2,355 Passing custom arguments to a Blender Operator as if it were a function
2,354 Updating a NumPy array with another
2,353 Numpy seems to produce incorrect eigenvectors
2,353 filtering elements of matrix by row in python scipy/numpy
2,353 Converting a series of xarray.DataArrays to a numpy array
2,352 Trouble Multiplying Columns of a Numpy Matrix
2,350 What's wrong with my GMRES implementation?
2,350 Numpy eigenvector incorrect computation
2,350 numpy\arrayobject.h not find by MinGW g++ while compiling SWIG python wrapper in Windows
2,350 In matplotlib, why is it faster to plot with thinner lines?
2,350 How to dilate a numpy array
2,349 PyTorch Datasets: Converting entire Dataset to NumPy
2,349 Interpolating a 3d array in Python. How to avoid for loops?
2,348 Iterate over numpy.ma array, ignoring masked values
2,348 how to keep numpy array when saving pandas dataframe to csv
2,347 derivative with numpy.diff problems
2,346 how to get the maximum value from a specific portion of a array in python
2,344 Numpy cumulative sum for csv rows gives type error
2,344 How to import text file into Array in Python (Pyramid)
2,343 Retrieve 10 random lines from a file
2,343 How to slice a numpy array by a list of column indices
2,343 Data type conversion of column in numpy record array
2,342 Inconvenience to use single precision floats in numpy
2,342 How to find the set difference between two Pandas DataFrames
2,342 How to convert datetime64 array to int?
2,341 python numpy convert string to complex number
2,341 problem with hierarchical clustering in Python
2,341 numpy.power() and math.pow() don't give the same result
2,341 find next row in DataFrame based on column values
2,340 Python: Compare Elements of two arrays
2,340 Numpy installation AWS EC2 Error
2,339 Reading coef value from OLS regression results
2,339 How to convert rows values in dataframe to columns labels in Python after groupby?
2,339 Cubic spline memory error
2,339 Converting image to numpy array in python
2,338 Python one-liner for a confusion/contingency matrix needed
2,338 numpy MKL vs Standard - What are the requirements?
2,338 How to label the x axis in fraction numbers?
2,337 Python/Numba: Unknown attribute error with scipy.special.gammainc()
2,337 np.around and np.round not actually rounding
2,337 Most appropriate conversion of .mat file for database purposes
2,337 Interpolate 2D matrix along columns using Python
2,336 Python/Numpy - writing multiple 1D arrays to a file in neat columns
2,336 Pandas DataFrame with X,Y coordinates to NumPy matrix
2,336 How to do n-D distance and nearest neighbor calculations on numpy arrays
2,335 Numpy.cumsum in reverse
2,335 finding index of none and nan in numpy array
2,335 Compare multiple values in numpy array
2,334 Tuples Vs List Vs Numpy Arrays for Plotting a Boxplot in Python
2,334 Logistic Regression implementation with MNIST - not converging?
2,334 How to efficiently split scipy sparse and numpy arrays into smaller N unequal chunks?
2,334 Convert NumPy object array to datetime64
2,333 Why pandas read_csv issues this warning? (elementwise comparison failed)
2,333 scipy.signal.fftconvolve doesn't give the required results
2,333 Python - 'numpy.float64' object is not callable using minimize function for alpha optimization for Simple Exponential Smoothing
2,333 Numpy error in mtrand.pyx file
2,333 how to assign a list of values to a python netcdf4 variable object?
2,333 Fitting a vector function with curve_fit in Scipy
2,333 Fast way to create a bag-of-words vector in python
2,333 cumulative simpson integration with scipy
2,333 Convert Pandas Dataframe Date Index and Column to Numpy Array
2,332 Understanding performance of numpy memmap
2,332 TensorFlow tf.reshape Fortran order (like numpy)
2,332 How to apply a function to a 2D numpy array with multiprocessing
2,331 Fast distance calculation in scipy and numpy
2,331 Fast 3D interpolation of atmospheric data in Numpy/Scipy
2,331 Enthought - matplotlib (problems with plot() function)
2,331 Compare smoothed signal to the input signal
2,330 Python: Load CSV, first column as row names, first row as column names
2,330 Loading Image from webpage link directly into NumPy Array (Python)
2,330 euclidean distance between values in a array - result ordered asc in new array [closed]
2,329 How do I append a list to an empty numpy array
2,329 Comparison of two string arrays in NumPy [closed]
2,328 Python, Numpy - Trying split an array according to a condition
2,328 2D plot using 1D arrays without griddata()
2,327 tensorflow sequence_loss_by_example weight
2,327 How to load multiple columns with numpy loadtext?
2,327 build design matrix python
2,326 Python: how to find all connected pixels if I know an origin pixel's position?
2,326 matplotlib 3D ribbon plot
2,326 Element-wise maximum of two sparse matrices
2,325 Turn grid into a checkerboard pattern in python?
2,325 Neural network weights explode in linear unit
2,324 rank array in python while ignoring missing values
2,324 How many features can scikit-learn handle?
2,324 Display a georeferenced DEM surface in 3D matplotlib
2,324 Converting list into Numpy ndarray [duplicate]
2,323 Python AttributeError: module 'sklearn.externals.joblib.numpy_pickle' has no attribute 'NumpyArrayWrapper'
2,323 In numpy, what does indexing an array with the empty tuple vs. ellipsis do?
2,322 Read Nist Wav File in TIMIT database into python numpy array
2,322 Cross validation in logistic regression
2,322 Concatenating two string columns of numpy array into single column in python
2,321 Visualize a co-occurrence matrix in pandas/numpy
2,321 How to dump a boolean matrix in numpy?
2,321 Global Interpreter Lock and access to data (eg. for NumPy arrays)
2,320 IndexError: only integers, slices (`:`), ellipsis (` ... `), are valid indices
2,320 Import Error - No module named numpyio
2,320 How to pass date array to pcolor plot?
2,320 How to fix Numpy REFS_OK flag error?
2,320 How to compare between two numpy arrays of different size and return the index column with common elements?
2,319 Writing to compound dataset with variable length string via h5py (HDF5)
2,319 Passing numpy integer array to c code
2,319 How to use scipy.interpolate.interp2d for a vector of data?
2,319 How to color voronoi according to a color scale ? And the area of each cell
2,318 Transferring matlab 3D-matrices to python 3D-arrays via scipy.io.loadmat is going wrong
2,318 bounded circular interpolation in python
2,317 Specify the shift for numpy.correlate
2,317 Only length-1 arrays can be converted to Python scalars with log
2,317 How is covariance implemented internally in numpy?
2,317 Conflicting eigen vector outputs between Matlab and Numpy
2,316 Sorting numpy array according to the sum
2,316 Matching two grids for data analysis, is there a good algorithm for my problem?
2,316 converting column to string from object to avoid pandas dataframe.to_hdf complaining about mixed type
2,315 select first column in a 3d ndarray
2,315 Inflating a 1D array into a 2D array in numpy
2,315 How can I vectorize a function in numpy with multiple arguments?
2,314 Zero padding slice past end of array in numpy
2,314 Python - calculating pdf from a numpy array distribution
2,313 plot the histogram of one coloumn data from a txt file
2,313 Efficient way of finding the intersections between polynomial curves?
2,312 Multiplication of two vectors in Python [closed]
2,312 Convert complex NumPy array into (n, 2)-array of real and imaginary parts
2,311 Transforming multiindex to row-wise multi-dimensional NumPy array.
2,311 NameError: name 'f2py' is not defined
2,310 NumPy and memmap: [Errno 24] Too many open files
2,310 Can I create a local numpy random seed?
2,309 What's the best way to serialize a large scipy sparse matrix?
2,309 Selecting a subset of an array based on values in another array with upper and lower bounds
2,309 How to save and show 2d numpy array as an RGB pseudo colored image?
2,308 Why pylint returns `unsubscriptable-object` for numpy.ndarray.shape?
2,308 summing outer product of multiple vectors in einsum
2,307 How to use numpy with portaudio to extract bass, mid treble
2,307 AttributeError: python: undefined symbol: when accessing C++ function from Python using ctypes
2,306 Swap subarrays of a numpy array
2,306 How is numpy pad implemented (for constant value)
2,305 Python Shared Memory Array, no attribute get_obj()
2,305 Can I use np.resize to pad an array with np.nan
2,304 Using not equal and nan together in python
2,304 Speedup virtualenv creation with numpy and pandas
2,304 facing ImportError: No module named discriminant_analysis
2,304 Efficient item binning algorithm (itertools/numpy)
2,304 Candlestick Charts with Matplotlib v2.2.2? [duplicate]
2,303 SciPy: element-wise non-negative least squares using an array of b vectors
2,303 numpy vstack inside for loop [duplicate]
2,303 How can i change all the values of a multidimensional array which are greater than zero to 1 in python? [duplicate]
2,303 Filling an array with arrays in numpy?
2,302 Problem with using system call to execute python script from MATLAB
2,302 Numpy ValueError: setting an array element with a sequence
2,302 Merging numpy ndarray from CSVs
2,302 count occurrences of arrays in multidimensional arrays in python
2,301 Python: how to loop through folders and files and index them in array
2,301 Python: convert a 1-by-28-by-28 array to a 28-by-28 matrix
2,301 Numpy - how to sort an array of value/key pairs in descending order
2,301 Add an extra column to ndarray in python
2,300 Take Unique of numpy array according to 2 column values.
2,300 Python - convert list of lists into matrix
2,300 how to add headers to a numpy.ndarray
2,300 Easy angle and point / Numpy
2,299 Python cv2 TypeError: src is not a numpy array, neither a scalar
2,298 options for applying conditions to numpy arrays
2,298 Keep Running into ''TypeError: 'numpy.float64' object is not callable''
2,298 Fastest way to calculate the sum of specific regions of an array
2,297 Why does `conda update --all` not update all?
2,297 Optimizing numpy array multiplication: * faster than numpy.dot?
2,297 cv2.imdecode always returning None
2,296 Pandas: Matrix Multiplication
2,296 How shall I resolve this ''Memory Error'' in numpy?
2,295 What is the correct way to mix feature sparse matrices with sklearn?
2,295 Sums of subarrays
2,295 saving numpy array to a file without brackets and white spaces
2,295 plotting conditional distribution in python
2,294 Multiple dtypes in a Numpy array
2,294 efficiently finding the interval with non-zeros in scipy/numpy in Python?
2,293 Split Numpy array into equal-length sub-arrays
2,292 percentage difference between two images in python using correlation coefficient
2,292 partial correlation coefficient in pandas dataframe python
2,292 Numpy and Matlab difference in sum?
2,292 Nonzero function help, Python Numpy
2,292 Full-matrix approach to backpropagation in Artificial Neural Network
2,291 Numpy interp not interpolating/extrapolating the values, only finding if the data point is above or below the max empirical value
2,291 numpy delete list element from list of lists
2,291 Multiplying column and row vectors from numpy 2d array with a scalars form a different 1d array
2,291 Difference between square bracket and parenthesis when array is being created in Python's NumPy
2,290 Numpy Matrix keeps giving me an Error,
2,290 Find closest k points for every point in row of numpy array
2,289 Python - Numpy Module Not found
2,289 improve nested loop performance
2,289 How to change color bar to align with main plot in Matplotlib?
2,289 Find closest float in array for all floats in another array
2,289 Cosine similarity between two ndarrays
2,288 Matplotlib's matshow not aligned with grid
2,288 Insert into MongoDB retuns cannot encode object
2,288 I installed multiple Ipython kernels, but after this I cannot import numpy, pandas
2,288 Extract the first letter from each string in a numpy array
2,288 Bootstrap method and confidence interval
2,288 Array of ints in numba
2,287 Math library and arrays in Python
2,287 how to vectorize an operation on a 1 dimensionsal array to produce 2 dimensional matrix in numpy
2,287 How do I use a specific column's value in a Pandas DataFrame where clause?
2,287 Filling an array in python
2,286 TypeError: apply() missing 1 required positional argument: 'func'
2,285 Numpy: Difference between dot(a,b) and (a*b).sum()
2,285 How to reshape a list to a array?
2,284 Plotting RGB matrix in numpy & matplotlib
2,284 How to store my own class object into hdf5?
2,283 Python multiple random seeds
2,283 How to convert numpy array into libsvm format
2,282 How to annotate a range of the x axis in matplotlib?
2,281 unsupported operand type(s) for +: 'numpy.float64' and 'str'
2,281 Trouble converting packed BGRA image buffer to RGB with OpenCV in Python
2,281 Scipy: fill a histogram reading from a DB, event by event, in a loop
2,281 python numpy ImportError: No module named core
2,280 Efficient way to apply function to each 2D slice of 3D numpy array
2,280 Convert numpy.ndarray to lowercase
2,279 TypeError: only length 1 arrays can be converted to Python scalars with numpy array
2,279 Keras one-hot-encoder
2,279 how PCA fit transform on test set
2,278 Why is B = numpy.dot(A,x) so much slower looping through doing B[i,:,:] = numpy.dot(A[i,:,:],x) )?
2,278 Projecting a NumPy array of coordinates using pyproj
2,278 How can I use Numerical Python with Python 2.6
2,278 Best way to pass repeated parameter to a Numpy vectorized function
2,277 ValueError: operands could not be broadcast together with shapes (1,2) (20,100)
2,277 Replace numpy array value on condition with random number
2,277 pandas.merge fails when merging on timestamps columns with tzinfo
2,277 how to use scipy.integrate to get the volume of a truncated sphere?
2,277 getting values in multiple indices from a tensor at once, in tensorflow
2,277 Difference between np.random.seed(1) and np.random.seed(0)?
2,276 pip dependency resolution fails when install both numpy and matplotlib
2,276 numpy's tostring/fromstring - what do I need to specify to restore the array
2,276 How can I take the dot product of multiple vectors in a numpy array all at once?
2,275 Why is numpy.ravel returning a copy?
2,275 replace zeros in numpy array with linear interpolation between its preceding and succeeding values
2,275 Read .arrays txt files with python?
2,275 Python - generate array of specific autocorrelation
2,275 How to properly sample truncated distributions?
2,275 How plot ployfit n log n with python?
2,275 Convert a text CSV binary file and get a random line from it in Python without reading it to memory
2,274 Mask numpy array with a range of values
2,274 Importing big tecplot block files in python as fast as possible
2,274 How to make matplotlib/pandas bar chart look like hist chart?
2,274 appending numpy arrays to python list overwrites existing elements in list
2,273 Speed up Numpy Meshgrid Command
2,273 Plotting a subplot- Python
2,273 In numpy, what is the fastest way to multiply the second dimension of a 3 dimensional array by a 1 dimensional array?
2,273 ImportError: cannot import name 'ellipkm1'
2,273 2D equivalent of numpy.unique [duplicate]
2,272 Why does numpy.apply_along_axis seem to be slower than Python loop?
2,272 Missing intercepts of OLS Regression models in Python statsmodels
2,270 Remove non numeric values from a Series
2,269 Write new line at the end of a file
2,269 Fitting Gaussian KDE in numpy/scipy in Python
2,269 Dynamically create a list of shared arrays using python multiprocessing
2,269 Adding rows to a Pandas dataframe from another dataframe
2,268 Numpy Mean Structured Array
2,268 How to use matplotlib's imshow and contour plot on the same numpy array?
2,268 Access Violation (0xC0000005) Numpy array
2,267 Python/Statsmodels - Vector autoregression endog
2,267 Python - numpy reshape
2,267 Difference between scipy.leastsq and scipy.least_squares
2,267 Comparing value with neighbor elements in numpy
2,266 Why does numpy.float16 break the OpenBlas/Atlas functionalities?
2,266 indexing into numpy's mgrid
2,266 How can I save a big `numpy` as '*.npz' array with limited filesystem capacity?
2,265 Python : How to combine 4 small matrix become a large matrix
2,265 NumPy Difference Between np.average() and np.mean() [duplicate]
2,264 Increasing precision of numpy.dot (python)
2,264 How can I smooth out these signal traces using python?
2,264 How can a class that inherits from a NumPy array change its own values?
2,264 Convert list to vector in python
2,263 Using numpy to filter out multiple comment symbols
2,263 Reshape array using numpy - ValueError: cannot reshape array
2,263 Python Numpy append array without flattening
2,263 Calculating Relative Vorticity Using Python numpy
2,262 Tensorarray initialization
2,262 shallow iteration with nditer
2,262 Python Array issue - string indices must be integers not tuple
2,262 efficient numpy zero-order hold
2,261 How to plot 3D data as 2D grid colormap in Python?
2,261 Group similar values in numpy array
2,260 Reshaping array into a square array Python
2,260 How do i replicate this matlab function in numpy?
2,260 Broadcasting in R
2,259 Python Array Reshaping Issue to Array with Shape (None, 192)
2,259 pandas.isin() function returns True for cells that have the value 'None' Python 2.7
2,259 OpenCV Python findHomography srcPoint input not compatible
2,259 Numpy - square root of -1 leaves a small real part
2,259 Low-pass Chebyshev type-I filter with Scipy
2,259 How to iterate a 3D numpy array
2,259 How to fill numpy array by row and column
2,258 Scipy - Nan when calculating Mahalanobis distance
2,258 Lazy Evaluation for iterating through NumPy arrays
2,258 IPython Notebook can't import numpy package (even though Anaconda is being used)
2,258 Count occurences of a row with pandas in python
2,257 PyDev - Eclipse can import numpy but none of it's functions?
2,256 Separating arrays with numpy to plot with matplotlib in python
2,256 Python Numpy array creation from multiple lists
2,256 Get Numpy genfromtxt converter to use def function
2,256 Annotate the quartiles with Matplotlib in a normal distribution plot
2,255 How to pass a raw pointer to Boost.Python?
2,254 Removing ''nan'' values from a numpy array
2,254 How to convert spark rdd to a numpy array?
2,254 fastest way to load images in python for processing
2,254 easy multidimensional numpy ndarray to pandas dataframe method?
2,253 numpy.linalg.solve with right-hand side of more than three dimensions
2,252 Peak to Trough in time series data
2,252 numpy multivarient regression with linalg.lstsq
2,252 LinAlgError: SVD did not converge in matplotlib PCA
2,252 How to serialize numpy arrays?
2,251 regarding the usage of np.all along with axis
2,251 PyQt table Widget Entries to list or numpy array object
2,250 Series sum in python
2,250 Count of values in numpy.ndarray
2,249 (Python) How to get diagonal(A*B) without having to perform A*B?
2,249 Equivalent of ''case'' for np.where
2,248 python - convert xml to numpy array
2,248 How to sort scipy.sparse.csr.csr_matrix according to result of another function?
2,248 How to add sum to zero constraint to GLM in Python?
2,248 does numpy runs faster than OpenCL? [closed]
2,248 Curve fitting a large data set
2,247 ImportError: undefined symbol: _PyUnicodeUCS4_IsWhitespace
2,247 Check if all column values in current row is lesser than previous row in pandas dataframe
2,246 Why is TensorFlow predicting all 0's or all 1's after training?
2,246 Sharing contiguous numpy arrays between processes in python
2,246 scipy on os x lion
2,246 resetting points of an already plotted scatter in matplotlib
2,246 Python: Repetition of 2-d random walk simulation
2,246 Python: Populate lower triangle matrix from a list
2,246 Python Co-occurrence matrix of words and phrases
2,246 numpy.ndarray' object has no attribute labels_
2,246 How do I ''randomly'' select numbers with a specified bias toward a particular number
2,246 How do I calculate the average value of a pixel's surrounding pixels?
2,246 access elements from matrix in numpy [duplicate]
2,245 Temporal median image of multiple images
2,245 Removing all zeros from an array
2,245 MATLAB-like variable editor in Python [closed]
2,245 how to save h5py arrays with different sizes?
2,245 cx_freeze can not import numpy
2,245 combining arrays
2,244 Should I use numpy.float64 instead of Python float when also using numpy.array
2,244 Reverse sort a 2d numpy array in python
2,244 Python Numpy Memory Error
2,244 how can I make a numpy function that accepts a numpy array, an iterable, or a scalar?
2,244 Extract positive and negative values from an array in Python
2,244 Converting a dictionary of tuples into a numpy matrix
2,244 Calculating monthly mean from daily netcdf file in python
2,243 ValueError: could not convert string to float, NumPy
2,243 Python Index error (out of bounds) accessing element in 2D array
2,243 How to reverse a NumPy array in-place?
2,243 how to refer to scipy sparse matrix columns?
2,242 fastest way to create a nxn matrix with numpy containing zeros [duplicate]
2,241 Subtract all pairs of values from two arrays
2,241 Numpy: np.sum with negative axis
2,241 How to find the number of hours between two dates excluding weekends and certain holidays in Python? BusinessHours package
2,241 Binary constraint in scipy linprog
2,240 What are the under-the-hood differences between round() and numpy.round()?
2,240 Convert 1d array to lower triangular matrix
2,239 Python - Write a three dimensional image from 3D array
2,239 Python float formatting: fixed total number of digits
2,239 Python code become slower after each iteration
2,239 Efficiently counting number of unique elements - NumPy / Python
2,238 How to force specific points in curve fitting
2,238 How do I calculate a spearman rank correlation in pandas?
2,237 Dividing array elements in one array with another - Python
2,237 Boolean numpy arrays with Cython
2,237 4D interpolation for irregular (x,y,z) grids by python
2,236 Speed of copying numpy array
2,236 select a specific range from a numpy 2d array to plot values
2,236 Precision of numpy's eigenvaluesh
2,236 Conditional data selection with text string data in pandas dataframe
2,235 Numpy concatenating ints to string
2,235 How to speed-up python curve_fit over a 2D array?
2,235 Finding the min or max sum of a row in an array
2,235 Apply bincount to each row of a 2D numpy array
2,234 Replace list values above and below thresholds with default value in python?
2,234 Python - 3D affine transformation
2,234 Plotting a 2D plane through a 3D surface
2,234 How to delete an object in python function?
2,234 How to convert NumPy ndarray to C++ vector with Boost.Python and back?
2,233 Problems installing matplotlib in linux
2,233 numpy's loadtxt gives error converting to int when string contains decimal
2,233 How to have matplotlib's imshow generate an image without being plotted
2,231 Remove whitespace from matplotlib heatplot
2,231 Python could not convert string to float
2,231 Plotting sin wave with amplitude,frequency and phase angle
2,231 multiprocessing.Pool hangs if child causes a segmentation fault
2,231 Errors when loading scikit-image: ''ImportError: cannot import name _fblas''
2,230 Working with very large arrays - Numpy
2,230 Setting the *default* data order (C vs. Fortran) in Numpy
2,230 Numpy dot too clever about symmetric multiplications
2,230 Missing data in Python
2,229 TypeError: unsupported operand type(s) for *: 'NoneType' and 'float' help FOR ''nonlin np.dot''
2,229 Speed up NumPy's where function
2,229 Python: Write Numpy array to a file with float precision
2,229 Moving large SQL query to NumPy
2,229 How to open, load and plot a numpy file in python?
2,229 How access to a single NumPy array in a DICOMDIR file with pydicom?
2,229 Adding two arrays of different width using numpy
2,228 How can i delete missing values in my csv_file
2,227 Raspberrypi:remove fisheye effect from image [closed]
2,227 Numpy's loadtxt(): OverflowError: Python int too large to convert to C long
2,226 running python on vim
2,225 Python Interactive axis range - set axis limits with silders in pylab/numpy
2,225 How to apply IF, else, else if condition in Pandas DataFrame
2,225 How do I insert variable step into Numpy mgrid?
2,225 Can I force a numpy ndarray to take ownership of its memory?
2,224 Why is np.where faster than pd.apply
2,224 Using NumPy argsort and take in 2D arrays
2,224 numpy: Setting values to zero based on multiple conditions
2,224 Numpy: Row Wise Unique elements
2,224 How to convert a numpy array (which is actually a BGR image) to Base64 string?
2,224 How do I replace values in numpy array? [duplicate]
2,222 Python / Pandas / Numpy - Direct calculation of number of business days between two dates excluding holidays
2,222 large set of data, interpolation
2,222 How to recover original indices for a flattened Numpy array?
2,222 How to manual convert `BGR` image to `grayscale` (Python OpenCV)?
2,221 Wrapping C++ OpenCV code for Python
2,221 SWIG: Passing a 2d numpy array to a C function f(double a[])
2,221 Replace values in an nd numpy array at given axis index
2,221 Python Shared Libraries: RTLD_GLOBAL segfault
2,221 Numpy Cimport error using cython
2,221 Calculate Residual Norm for Multiple Regression in Python
2,220 Plot hist2d with weights
2,220 Passing a numpy array FROM C++ using boost python
2,220 How to set first column to a constant value of an empty np.zeros numPy matrix? [duplicate]
2,220 How to implement Averaged Perceptron in Python (without Scikit-learn)
2,220 Exclude between time in pandas
2,220 Creating numpy.float64 using eval()
2,219 Errors importing Theano in Pycharm
2,219 Cannot import numpy in python3
2,218 saving large data set PCA on disk for later use with limited disc space
2,218 Remove numbers from a numpy array
2,218 Get only ''valid'' points in 2D interpolation of cloud point using Scipy/Numpy
2,218 Finding bounding boxes of RGB colors in image
2,218 Calculate ''v^T A v'' for a matrix of vectors v
2,218 Add lines to plot in pyplot
2,217 pyqt : Convert numpy array to QImage
2,217 Increasing performance of nearest neighbors of rows in Pandas
2,217 How to normalize a histogram of an exponential distributionin scipy?
2,217 How can I dynamically create bins in Python?
2,216 Create numPy array from raster image
2,215 Lines not plotting on graph using Python/Basemap
2,214 Use numpy setdiff1d keeping the order
2,214 How to run a large matrix for cosine similarity in Python?
2,213 Numpy-flipped image + cv2.filter2D = assertion failed?
2,213 How to manually create a sparse matrix in Python
2,212 Rank values in a 2D array
2,212 Python help using 'numpy.masked_where' conditionally from another list
2,212 pandas DF from numpy structured array: can't get unicode or string type for column (only object)
2,212 Meaning of the return of np.shape()
2,212 How do I calculate expected values of a Poisson distributed random variable in Python using Scipy?
2,211 Why python numpy.delete does not raise indexError when out-of-bounds index is in np array
2,211 Store Numpy as pickled Pandas, Pickled Numpy or HDF5
2,211 Pandas: creating an indexed time series [starting from 100] from returns data
2,211 Numpy install Broken toolchain: cannot link a simple C program
2,211 list comprehension with numpy arrays - bad practice?
2,211 2D interpolation results in OverflowError: Too many data points to interpolate
2,210 Solve equation with a set of points
2,210 How to get the tilt angle of a plane defined by three coordinates in python?
2,210 How to find the sum of elements above and below the diagonal of a matrix in python?
2,210 getting Killed message in Python - Is memory the issue?
2,209 np.where() not returning expected indices in numpy python
2,209 Matplotlib set_data xdata and ydata must be same length error
2,209 Better image normalization with numpy
2,208 Python, why is my probabilistic neural network (PNN) always predicting zeros?
2,208 Poor numpy.cross() performance
2,208 How to use estimateRigidTransform in OpenCV 3.0 or higher, Is there any other alternative?
2,208 Group by and find sum for groups but return NaN as NaN, not 0
2,208 Create NaN column in pandas DataFrame
2,208 Calculating spectrogram of .wav files in python
2,207 Yocto, install Numpy
2,207 Speed up mathematical calculations in Python
2,207 Numpy reshape ''reversal''
2,207 Numpy array of object attributes [duplicate]
2,207 Extract specific elements from numpy array by column [duplicate]
2,207 Delete element from multi-dimensional numpy array by value
2,207 condition number of sparse matrix
2,207 Comparing elements in a numpy array, finding pairs, how to deal with edges/corners
2,207 Combining numpy arrays inside a loop
2,206 Sphinx Extensions (numpydoc)
2,206 Pandas Dataframe Parquet Data Types?
2,206 Manual Histogram plot in python
2,206 Inverting ill-conditioned matrix in NumPy
2,205 Fast, small, and repetitive matrix multiplication in Python
2,204 using saved sklearn model to make prediction
2,204 Python: Using Tensordot for tensor x matrix multiplication
2,203 Using .loc with multiple selection criteria
2,202 Using numpy ufuncs vs built-in operators
2,202 `TypeError: float() argument must be a string or a number` when converting a tuple containing datetime objects to a numpy structured array
2,202 pandas dataframe - remove values from a group with less than X rows
2,202 Obtaining an invertible square matrix from a non-square matrix of full rank in numpy or matlab
2,202 Numpy: creating batch of numpy arrays within another numpy array (reshaping)
2,202 How to detect a laser line in an image using Python
2,201 python IndexError: index 3 is out of bounds for axis 0 with size 3
2,201 How to load a .npy file as a numpy array into the Virtual machine on Google Colab
2,200 Remove leading NaN in pandas
2,200 Building NumPy 1.7.1 on Ubuntu
2,199 sklearn.manifold.TSNE fit_transform actually return something on empty numpy array
2,199 Python - Sum absolute value from file
2,199 Python Pandas: why does np.round() rounds 14.50 down to 14?
2,199 numpy.vectorize: Why so slow?
2,198 How to handle Series and Array with pandas and numpy together?
2,198 error building NumPy: cannot find -lpython2.7
2,197 TypeError: ufunc 'isfinite' not supported for the input types, and the inputs could not be safely coerced to any supported types
2,197 numpy array access
2,197 Loading content of Numpy npz file in global namespace
2,197 Interpolate large data Python
2,197 iFFT of symmetric spectrum
2,197 How do I compute the logarithm of 1 minus the exponent of a given small number in python
2,197 Error for my plot and calculation of FWHM
2,196 Select xarray/pandas index based on specific months
2,196 Key error - while pivoting a dataframe
2,195 ValueError: Symbol table not found
2,195 Recognizing notes within recorded sound - Part 2 - Python
2,195 Numpy: get only the array rows that have a value in an interval
2,195 Lossy compression of numpy array (image, uint8) in memory
2,195 Getting MemoryError while calling np.vstack()
2,195 Create a stacked 2D histogram using different weights
2,194 Using Scipy curve_fit with piecewise function
2,194 pandas handling of numpy timedelta64[ms]
2,194 ''painting'' one array onto another using python / numpy
2,194 Numpy, RuntimeWarning: invalid value encountered in sqrt
2,194 How to apply 1D mask on 2D array in Python numpy? [duplicate]
2,193 Replacing value in a numpy array using as an index another value from the same array
2,192 Understanding the error for scipy.optimize.minimize() function
2,192 Read .mat file in Python. But the shape of the data changed
2,192 Plotting moving average with numpy and csv
2,192 merging 2D slices into 3D volume in python
2,192 can import numpy module but cannot use functionalities
2,191 Matrix multiplication using hdf5
2,191 Calculating standard deviation [closed]
2,190 Why ''None'' has the same effect as ''np.newaxis''? [duplicate]
2,190 PIL's Imagefromarray resulting in error when trying to convert from numpy array
2,190 Pandas: Splitting a Row Into Multiple Rows Efficiently
2,190 Find index of the first NaN value in the row
2,189 Why doesn't numpy allow array multiplication by scalars?
2,189 Using polyval and polyfit to plot linear regression on semi-log charts
2,189 python: how to determine if multidimensional array is empy, and value error
2,189 Problem with tensorflow, TF_SessionRun_wrapper: expected all values in input dict to be ndarray
2,189 Always yield a masked array with netCDF4
2,188 numpy: How can I select specific indexes in an np array for k-fold cross validation?
2,188 Numpy elementwise product of 3d array
2,188 Bars in histogram are tiny (regarding width) and overlapping. How to increase bar width of matplotlib plot.hist()
2,188 AWS lambda building external dependency libraries in python
2,187 numpy.array select all even elements from d-dimensional array
2,187 How to replace only part of a numpy array's values with those of another array?
2,187 How to handle missing data in a csv file without using numpy/pandas?
2,187 Converting a numpy array of dtype objects to dtype complex
2,185 TypeError: scatter() got multiple values for argument 'c'
2,185 no module named numpy even after installing it
2,185 Matplotlib imshow inverting colors of 2D IFFT array
2,185 How to tell pythons numpy where to find liblapack.so.3?
2,185 Export Python script [closed]
2,184 Training a neural network to compute 'XOR' in scikit-learn
2,184 Tracing Python warnings/errors to a line number in numpy and scipy
2,184 Raise diagonal matrix to the negative power 1/2
2,184 Python, Numpy: all UNIQUE combinations of a numpy.array() vector
2,184 How to install scipy without mkl
2,184 Curve fit data issues
2,183 Using Random Numbers in Theano
2,183 Sklearn train_test_split; retaining unique values from column(s) in training set
2,183 Python Numpy Loadtxt - Convert unix timestamp
2,183 numpy : assembling multiple slices into new array
2,183 AttributeError with numpy in IDLE but not in Python Shell
2,182 TensorFlow - Split and Squeeze
2,182 Object oriented vs vector based programming [closed]
2,182 numpy array is shown incorrect with pyglet
2,182 How to calculate a very large correlation matrix
2,182 error: name 'Image' not defined
2,182 Celery Error: numpy array is not JSON serializable
2,181 Python : get random ten values from a pandas dataframe [duplicate]
2,181 numpy covariance and covariance matrix by formula is producing different results
2,181 How best to implement a matrix mask operation in tensorflow?
2,181 Calculating and Plotting the Average of every (X) items in a list of (Y) total
2,181 2d numpy.power for polynomial expansion
2,180 Unrolling a trivially parallelizable for loop in python with CUDA
2,180 Is there a downloadable Scipy file for Python 3.6
2,180 how to display a numpy array with pyglet?
2,180 How do I get a periodic curve fit from discrete data in python?
2,179 TypeError: Cannot convert value dtype('<M8[ns]') to a TensorFlow DType
2,179 Efficient MATLAB cart2sph and sph2cart functions in python
2,179 Converting string of ''bytes'' to numpy array of uint8
2,179 Boxplotting Masked Arrays
2,178 Python Pandas create dummy variables with values other than 1 or 0?
2,178 numpy, mapping one array to parts of another
2,178 Numpy inaccurate matrix inverse
2,178 how to compute convex hull image/volume in 3d numpy arrays
2,178 How to calculate exp(x) for really big integers in Python?
2,178 Create mask by coordinates of multiple convex polygons
2,178 callback function in Keras to save predicted output at every epoch
2,177 transpose row to column in python
2,177 Java type conversion to Python through JPype and numpy
2,177 initialize a float32 matrix with random numbers in numpy/scipy
2,177 How do I construct a tuple in Cython?
2,176 Subtracting two interleaved, differently based time-series arrays with numpy?
2,176 how to save a boolean numpy array to textfile in python?
2,175 Numpy: Set 1 element of each row based on a column index array [duplicate]
2,175 Keras Text Classification Custom Dataset from csv
2,175 Interactive slider to vary slice used in Bokeh image plot
2,175 How to install matplotlib on Elastic Beanstalk
2,175 Convert numpy.void to numpy.ndarray
2,175 Converting back to ndarray from a previous ndarray.tobytes()?
2,175 Code-Completion for e.g. Numpy, SciPy or Matplotlib does not work in Eclipse PyDev
2,174 Python OpenCV (cv2) VideoCapture.read() Unspecified error in NumpyAllocator::allocate
2,173 store images of different dimension in numpy array
2,173 numpy array is printed into file with unwanted wrapping
2,173 How to improve the efficiency of a sobel edge detector
2,173 How to assign values of a 2d array to 3d array in NumPy
2,173 How can I create a 4D numpy array from images?
2,173 Efficient incremental sparse matrix in python / scipy / numpy
2,172 Seaborn regplot using datetime64 as the x axis
2,172 Python heapq heappush The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
2,172 Paraboloid (3D parabola) surface fitting python
2,172 Is there a numpy function to perform coordinate transformations?
2,172 How to remove NaN from a Pandas Series where the dtype is a list?
2,172 How to read a 32-bit integer image using matplotlib?
2,172 Converting ndarray generated by hcluster into a Newick string for use with ete2 package
2,170 python - numpy create array from multiple files
2,169 Pandas and Cassandra: numpy array format incompatibility
2,169 NumPy: programmatically modify dtype of a structured array
2,169 Numpy/pandas element-wise in operator
2,169 How to convert HDF5 2D arrays to 1D in NumPy?
2,169 control wspace for matplotlib subplots
2,169 Apply same permutation for every row in a 2D numpy array
2,168 Simulating a neuron spike train in python
2,168 python numpy, sort a matrix by row and column
2,168 numpy.searchsorted with 2D array
2,167 Phylo BioPython building trees
2,167 Numpy: how to roll 1 ''row'' in an array of arrays
2,167 Convert a list of numpy arrays to json for return from flask api
2,167 Appending large amount of data to a tables (HDF5) database where database.numcols != newdata.numcols?
2,166 Why is `pip3 install numpy` much faster than setting it in `install_requires`?
2,166 Why does SVD result of Armadillo differ from NumPy?
2,165 Numpy: ''<<'' and ''>>'' operators
2,165 IndexError: tuple index out of range in numpy array
2,165 How to calculate the weighted ''center'' of a 2d numpy array?
2,165 For loop through a numpy array of strings
2,165 Divide one numpy array by another only where both arrays are non-zero
2,164 unmelting a pandas dataframe in Python?
2,164 Python zip numpy arrays of different dimension
2,164 Python: comparing columns in numpy
2,164 Pandas datetime index from seconds series
2,164 How to lambdify a SymPy expression containing the erf function for use with NumPy
2,164 convert float to hours and minutes in pandas/numpy
2,163 How to create symbolic matrix and do substitute in batch with sympy?
2,163 convert object dytpes to numeric in numpy
2,163 Can I pass a matrix as command line input in python with numpy?
2,163 Calculate Hitting Time between 2 nodes using NetworkX
2,162 Updating a coo matrix on the fly with scipy
2,162 How to convert a 3D vtkDataSet into a numpy array?
2,162 get indexes with condition
2,162 Fast way to count occurrences of all values in a pandas DataFrame
2,162 2-D arrays with numpy arange
2,161 ImportError when installing NumPy for Python 2.7
2,160 Using matplotlib, is it possible to set properties for all subplots on a figure at once?
2,160 Python 2.7 IOError: [Errno] No such file or directory: 'GBPUSD1d.txt'
2,159 Numpy - Split 2D array into sub-arrays based on indices
2,159 How do I make keras predict something other than a one-hot matrix?
2,159 How can I remove the commas between a list's elements?
2,158 Python - FFT leads to wrong physical meanings
2,158 How to control genfromtxt to read rows specified?
2,158 How do I view model.feature_importances_ output with the names of the features?
2,157 Multidimensional Convolution in python
2,157 Keras import error: cannot import np_utils
2,157 How can I use the NumPy C-API in both C++ header and source file?
2,156 Vectorizing NumPy covariance for 3D array
2,156 numpy.loadtxt fails to read int in Python 3
2,156 Generating normal distribution in order python, numpy
2,156 Convert XYZ point cloud to grayscale image
2,155 NumPy hstack throws ''ValueError: all the input arrays must have same number of dimensions?''
2,155 mean() got an unexpected keyword argument 'dtype'!
2,155 Loss of precision with very small numbers in Python arrays
2,155 Difference between HDF5 file and PyTables file
2,154 ValueError: view limit minimum 0.0 is less than 1 and is an invalid Matplotlib date value
2,154 Symmetrization of scipy sparse matrices
2,154 Adding string header and index to a numpy array
2,154 Add a new column to a Pandas DataFrame by using values in another column to lookup values in a dictionary
2,153 Python3.4 scipy.optimize.minimize callbacks multiple times the objective function in one iteration
2,153 numerical integration in Fourier space with numpy.fft
2,153 how to put data into an image from sequence
2,152 Vectorizing the Kinect real-world coordinate processing algorithm for speed
2,151 shade region of interest in matplotlib chart [duplicate]
2,151 No module named scipy.lib.six even if scipy is installed
2,151 MSYS2 pip install numpy failed
2,150 Tensorflow: Py_func returns unknown shape
2,150 Replace diagonals of a 2D array with python [duplicate]
2,150 How to read a large image in chunks in python?
2,150 Annotating a Figure using String with Strange Symbols
2,149 Python, Cosine Similarity to Adjusted Cosine Similarity
2,148 NotImplementedError: numpy() is only available when eager execution is enabled
2,148 Matrix with given numbers in random places in python/numpy
2,148 Free up memory by deleting numpy arrays
2,148 Convert row-column-value data to an array - numpy
2,148 Contours around scipy labeled regions in a 2D grid
2,148 Changing the values in a numpy array depending on the area of a circle
2,147 How to calculate diagonal degree matrix from a huge (scipy.sparse) matrix?
2,147 Filling column with condition
2,146 how to set a fixed color bar for pcolor in python matplotlib?
2,146 combining python lists in savetxt
2,146 Add constraints to scipy.optimize.curve_fit?
2,145 TypeError: Input 'y' of 'Equal' Op has type float32 that does not match type int32 of argument 'x'
2,145 Minor ticks in pandas plot
2,145 Installing numpy on mac osx (snow leopard)
2,145 How to avoid Python Killed: 9 creating these arrays?
2,145 From python Counter dictionary to nd numpy array
2,145 Create an array of repeating elements that increase by 0.1 intervals
2,144 Numpy inverts a non-invertible matrix
2,144 non-broadcastable output operand numpy 2D cast into 3D
2,143 Mapping a 3-dimensional coordinate to a 1-dimensional index
2,143 List of objects to numpy array
2,143 creating an infinitely long sine tone in Python
2,142 Python dictionary.values() to numpy array
2,142 Opencv/python - how can i get the coordinates of detected areas after image processing
2,142 Alternative to Mayavi for scientific 3d plotting
2,141 numpy interpolation to increase a vector size
2,141 numpy eigenvalues correct but eigenvectors wrong
2,141 How to compute Gradient of an image with kernel in python
2,140 How to perform image segmentation on 4-band geotiff using Python's scikit-image?
2,140 Convert an image to a 2D array of coordinates in Python for two point correlation
2,140 Basic Numpy array value assignment
2,140 Append Numpy ndarray to pandas dataframe
2,139 Why does boolean indexing of a 2D NumPy array produces 1d array?
2,139 Read binary file which has different datatypes
2,139 Possible to calculate a double sum in python using list comprehensions to replace both for-loops?
2,139 NumPy ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all() leastsq
2,139 How to get the index of a list items in another list?
2,139 how to deploy a C# application that calls numpy through IronPython
2,139 Converting numpy array svg image
2,138 What is record array in pandas?
2,138 Matrix multiplication in numpy
2,138 Importing complex data from .mat file as a numpy array
2,138 How to install numpy on freshly installed Python 3.5 in Windows 10?
2,137 TypeError: unhashable type: 'matrix' [closed]
2,137 map a function to all columns for Scipy/numpy matrix
2,137 How to randomly select some non-zero elements from a numpy.ndarray?
2,137 Can I link numpy with AMD's gpu accelerated blas library
2,136 Processing video frame by frame using opencv
2,136 Leave one out cross validation using Sklearn
2,136 How to do a contour plot from x,y,z coordinates in matplotlib? (plt.contourf or plt.contour)
2,136 Fourier transform / iterative deconvolution fitting in python using numpy/scipy
2,136 Apply Mask Array 2d to 3d
2,135 Opencv: zero pixels outside of region of interest with rotated rectangle?
2,135 Detecting comic strip dialogue bubble regions in images
2,134 Windows ImportError numpy.core.multiarray failed to import
2,134 numpy append_field gives shape error for new field with 2d shape
2,134 How to successfully import numpy using Python 3.x?
2,134 How to subtract from columns and not rows in NumPy matrices?
2,134 How to convert Decimal128 to decimal in pandas dataframe
2,134 Complex eigenvectors of a symmetric matrix in MATLAB
2,133 use numpy to join two columns
2,133 Reading in a text file as a numpy array with float values
2,133 NumPyPy vs Theano?
2,133 illegal instruction (core dumped) message when displaying generated image using numpy and matplotlib
2,133 How do I create a NumPy array from results of a pyodbc query?
2,133 Calculating percentile of bins from numpy digitize?
2,132 Correct way to return numpy friendly arrays using typed memoryviews in Cython?
2,132 Calculating gradient in 3D
2,131 Numpy n-tuple array with dtype float
2,131 Formatting a 2D Numpy Array Float -> Percentage
2,130 Why is the python ''dtype=float'' 8-byte rather than 4-byte?
2,130 Split a 3D numpy array into 3D blocks
2,130 How to add matrix and vector column-wise?
2,129 Python 2.7 TypeError: iteration over a 0-d array
2,129 Interpolating uneven data with SciPy
2,129 ImportError: cannot import name _fblas on Mac
2,129 arange: TypeError: unsupported operand type(s) for -: 'list' and 'int'
2,129 3x3 matrix conversion without loop (RGB color conversion)
2,128 Drawing/sampling a sphere in a 3D numpy grid
2,128 cannot import pandas after conda update, Missing required dependencies ['numpy']
2,127 Why do NumPy and SciPy have a lot of the same functions? Which should I prefer? [duplicate]
2,127 Vectorization of this Numpy double loop
2,127 Calculating IRR of a perpetuity with numpy / python
2,125 How to rotate a 3D matrix along X,Y, or Z axial plane?
2,124 OpenCV/C++ program slower than its numpy counterpart, what should I do?
2,124 Least squares regression on 2d array
2,123 Reference of a single numpy array element
2,123 Python: Running from cygwin works, while running from PyCharm doesn't
2,123 numpy: find the count of each unique element in an array
2,123 How do I avoid looping through an image pixel by pixel with opencv & numpy
2,121 Why does this array has no attribute 'log10'?
2,121 Read HDF5 based file as a numpy array in Python
2,121 Pass element index in Numpy vectorization
2,121 how to reshape an array of tuples
2,121 How to compute the cosine similarity of a list of scipy.sparse.csr.csr_matrix
2,121 Conditional average with numpy
2,120 Numpy Structured Arrays by Name AND Index
2,120 How to load several files in the same arrays in python with loadtxt?
2,120 How do I transpose a pandas dataframe while preserving the index and rename keys
2,119 Realizing different column formats with numpy.savetxt
2,119 plotting polynomial regression in same plot as the real data
2,119 Modified Gram Schmidt in Python for complex vectors
2,119 Matrix multiplication speeds in R as fast as in Python?
2,119 How to elegantly create matrix with row and column indices as first row / column?
2,119 How to Convert all pixel values of an image to a certain range -python
2,119 Getting the last non-nan index of a sorted numpy matrix or pandas dataframe
2,118 Numpy Iterating calculations in a meshgrid [closed]
2,118 Mock: assert_called_once_with a numpy array as argument
2,118 Cython either marginally faster or slower than pure Python
2,118 Create NumPy array from CSV file
2,117 Numpy array defined in main not recognized in function [closed]
2,117 numba - guvectorize barely faster than jit
2,117 Delete numpy column by name
2,116 Test if matrix is invertible over finite field
2,116 Python - Compare two 2D arrays by row
2,116 Keras predict getting incorrect shape?
2,116 Keep getting ValueError with numpy while trying to create array
2,116 Get random numbers within one standard deviation
2,116 Find center coordinates of regions in a 3d numpy array
2,116 dlib face detection error : Unsupported image type, must be 8bit gray or RGB image
2,116 Calculating Histogram from one-dimensional float arrays in OpenCV
2,115 Using numpy with PyDev
2,115 Unknown * in numpy.random function [duplicate]
2,115 superimpose matplotlib quiver on image
2,115 Python if any() does not work
2,115 How to crop zero edges of a numpy array?
2,115 Equivalent of Matlab's fread() 'float64' in Python
2,115 Cleanest way to combine reduce and map in Python
2,115 Block insert from array to SQLITE in python
2,114 Vectorize a Newton method in Python/Numpy
2,114 How to rotate a numpy array?
2,114 2d interpolation in python with random spot
2,113 Split numpy array by unique values in column
2,113 Read the data of a single channel from a stereo wave file wave with 24-bit data in Python
2,113 How to sum values of a row of a pandas dataframe efficiently
2,112 Using scipy to calculate integral over time series data without function
2,112 Transfer ownership of numpy data
2,112 Python Chunking CSV File Multiproccessing
2,112 numpy.memmap map to save file
2,112 IndexError: shape mismatch: indexing arrays could not be broadcast together with shapes (2,) (9,)
2,112 Import sparse matrix from csv file
2,112 cython: pass a 2D numpy array to cdef function
2,111 Use numpy array to replace pandas DataFrame values
2,111 pandas: calculate mean of numpy array for each row in a column
2,111 Numpy in Python 3 on OSX?
2,111 Memory error pickle dump while saving/loading data from/into disk
2,111 import nltk does not work
2,111 how to duplicate each row of a matrix N times Numpy
2,111 Flatten numpy array but also keep index of value positions?
2,111 Converting pandas Dataframe with Numpy values to pysparkSQL.DataFrame
2,110 Sortrows with multiple sorting keys in numpy
2,110 Combining multiple data types in pandas DataFrame
2,110 changing dtypes of structured/record arrays
2,109 Numerical computation of softmax cross entropy gradient
2,109 Matplotlib histogram from x,y values with datetime months as bins
2,108 Pass regex to delimiter field in python's csv module or numpy's genfromtxt / loadtxt?
2,107 python loop over continuously expanding list
2,106 encoding and rendering a (network) graph in python
2,105 Plot datetime64 with matplotlib
2,105 How to implement Perceptron in Python?
2,104 update from python 3.5 to 3.6: unable to install any packages
2,104 python how to create an array based on condition
2,104 Nan values when plotting Matplotlib
2,104 How to set significant figures in pyplot annotation
2,104 How to force the type of a scalar in python
2,104 How can I check to see the number of iterations Newton's method takes to run?
2,104 Find adjacent elements in a 2D numpy grid
2,103 Slice an Image into ''Tiles'' Using Numpy
2,103 Loading Matlab sparse matrix using Python Pytables
2,103 How to fit a closed contour?
2,102 Scipy fmin_tnc not optimizing cost function
2,102 Parallel many dimensional optimization
2,102 Improve performance of converting numpy array to MATLAB double
2,102 How to define custom float-type numpy dtypes (C-API)
2,102 Convert python ndarray to matlab matrix
2,101 Set matplotlib plot axis to be the dataframe column name
2,101 Python numpy arange [duplicate]
2,101 Discrepancy Between Matlab and Numpy+Python FFT2?
2,101 Apply a function to numpy array in Python [duplicate]
2,100 plotting a parabola within part of a repeating signal using numpy
2,100 plotting a parabola within part of a repeating signal using numpy
2,100 Parallel exact matrix diagonalization with Python
2,100 IndexError in numpy array
2,100 How to draw 2D random uniform samples from two ranges
2,100 Fastest way to compute matrix dot product
2,100 error while installing scipy module in python
2,099 Convert python modules into DLL file
2,099 Convert 3-byte stereo WAV-file to numpy array
2,098 What to do when pip & conda overlap?
2,098 RuntimeWarning: invalid value encountered in log
2,098 Generating Pivot Tables in Python - Pandas? Numpy? Xlrd? from csv
2,098 Difference between sum and np.sum for complex numbers numpy
2,097 Writing a wav file using sounddevice and numpy in python3
2,097 Why is Cython slower than vectorized NumPy?
2,097 Set maximum number of cores for Jupyter notebook
2,097 Error in scikit learn TfidfVectorizer when using the parameter stop_words
2,096 Picking up column values based on two conditions
2,096 Numpy and Python: impossible to sum two arrays [closed]
2,096 Is it worth using a multithreaded blas implementation along with multiprocessing in Python?
2,095 Solve large number of small equation systems in numpy
2,095 python - Transform data to numpy array for sklearn
2,095 Python: numpy shape confusion
2,095 Convert U1 array to int in Python
2,094 Why do numpy cov diagonal elements and var functions have different values?
2,094 Row swapping in np array python
2,094 Raising an exception while using numba
2,093 win32com MemoryError: CreatingSafeArray attempting to insert data into excel
2,093 selecting numpy array axis by int
2,093 Possible to add numpy arrays to python sets?
2,093 How to install numpy and matplotlib in the right python version?
2,093 Convert numpy object array to sparse matrix
2,092 ''Matrix is not positive definite'' error in scipy.cluster.vq.kmeans2
2,092 How to sum dictionary value in python?
2,091 numpy histogram with 3x3D arrays as indices
2,091 Data binning: irregular polygons to regular mesh
2,090 AttributeError: 'module' object has no attribute 'spectrogram'
2,089 Python - ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
2,089 numpy and statsmodels give different values when calculating correlations, How to interpret this?
2,089 Matlab backslash (mldivide) versus numpy lstsq with rectangular matrix [duplicate]
2,089 Make a number more probable to result from random
2,089 Convert a numpy boolean array to int one with distinct values
2,089 Adding column to list in python
2,088 ValueError: objects are not aligned
2,088 Python adding records to an array
2,088 Numpy union arrays in order
2,088 How to reshape numpy image array for color channel
2,088 find the max from each row in python
2,088 Cython numpy array shape, tuple assignments
2,087 Markov Chain Monte Carlo (python, numpy)
2,087 How can I manually compile Cython code that uses C++?
2,087 Adding a colorbar and a line to multiple imshow() plots
2,086 Python: Generating from geometric distribution
2,086 ImageIO - get image Width and Height from loaded image
2,086 Applying a Fast Coordinate Transformation in Python
2,085 Difference between np.max(x ,axis = 1) and x.max(axis = 1) for numpy array
2,084 Why is Cython so much slower than Numba when iterating over NumPy arrays?
2,084 Numpy arrays in C
2,084 Installation of Compatible version of Numpy and Scipy on Abaqus 6.13-2 with python 2.6.2
2,084 Convert string based NaN's to numpy NaN's
2,084 Convert float32 array to datetime64 in Numpy 1.6.1
2,084 Avoiding underflow for joint probabilities using NumPy
2,084 Add element in first an last position - Python numpy array
2,083 Shuffling multiple HDF5 datasets in-place
2,083 python: numpy - calculate percentile with linear interpolation
2,083 Python: Iterate over files in directory and use the filenames as variables
2,083 More efficient weighted Gini coefficient in Python
2,083 Image Boundary Finding and Filling
2,082 Python WAV ''TypeError: data type not understood'' error
2,082 Finding local maxima and minima of user defined functions
2,081 Plotting a dendrogram using Plotly Python
2,081 numpy.loadtxt for one and more input lines
2,081 Is there a way to install the scipy special module without the rest of scipy?
2,081 Group by with numpy.mean
2,080 ValueError: need more than 1 value to unpack how can i fix it
2,079 Smoothing in Python [duplicate]
2,079 numpy: syntax/idiom to cast (n,) array to a (n, 1) array?
2,079 NumPy sort function returns None
2,079 Numpy loadtxt error with double slashes in file path and odd characters
2,079 Get Index of 2D array in Python
2,079 Building Numpy with Intel Compilers and MKL - CentOS 7
2,078 slicing numpy array along an arbitrary dimension
2,078 Is there t test table in python (numpy,scipy ect.)
2,078 Finding edges in a image generated by an NumPy array
2,078 Euclidean Distance Between All Points in an 2 Vectors
2,078 Combining rows in DataFrame
2,077 The conversion from csv to binary format reduces the file size abnormally
2,077 Split a 3 dimensional numpy array into 3x3 grids
2,077 Generating 3D Gaussian Data
2,077 Append a list of values with mixed types in Python to data frame
2,076 replace blanks in numpy array
2,076 Read an image pixel by pixel (ndimage/ndarray)
2,076 Python: multiprocessing pool memory leak
2,076 Computing the Fiedler Vector in Python
2,076 Calculating dot product of two numpy row arrays (vectors) in Python gives a shape vector
2,075 wrapping a numpy array in python
2,075 Python 2.5 and 2.6 and Numpy compatibility problem
2,074 Subset numpy array based on another array
2,074 Saving many arrays of different lengths
2,074 pandas python: np.array_split(df, x) throws an error: 'DataFrame' object has no attribute 'size'
2,074 Going from numpy array to itk Image
2,074 Generating banded matrices using numpy
2,074 Diagonal Matrix Exponential in Python
2,073 remove the zeros from an array with a function Python
2,073 Finding maximum value in a column and return row number
2,073 Determine adjacent regions in numpy array
2,073 Check all possible labels (y) of an array or Dataframe
2,072 What python library to use for non-blocking audio I/O on OSX?
2,072 Scipy Binary Closing - Edge Pixels lose value
2,072 in numpy array, I want to copy one column to another matrix and remove the column from original matrix
2,072 how to gather elements of specific indices in numpy?
2,072 Adding sheets to existing excelfile with pandas
2,071 Issues installing pandas: ''command 'llvm-gcc-4.2' failed with exit status 1''
2,071 From argwhere to where?
2,070 ''only length-1 arrays can be converted to Python scalars'' using scipy.optimize in Sage
2,070 Accessing a matrix element by matrix[(a, b), c] instead of matrix[a, b, c]
2,069 Using a lookup table with openCV and NumPy
2,069 Template Matching (Image Search) function in Python Imaging Library
2,069 Random Sampling of Pandas data frame (both rows and columns)
2,069 Numpy Histogram Representing Floats with Approximate Values as The Same
2,069 MemoryError in numpy matrix multiplication or einsum operations
2,069 How to make numpy overloading of __add__ independent on operand order?
2,069 How to find cumulative sum of items in a list of dictionaries in python
2,069 How to convert 2d numpy array into binary indicator matrix for max value
2,069 Filtering harmonic from signal (python)
2,069 Do I need to have Excel installed to use Openpyxl ''interactively''? Can it interact with .ODS format?
2,068 Why scipy.savetxt('filename', (x,y)) saves arrays by row instead of columns?
2,068 Load data from csv into numpy array
2,068 How to get name from the cluster from KMeans clustering?
2,068 How is theano dot product broadcasted
2,068 Calculating amplitude from np.fft
2,068 Any reason why Octave, R, Numpy and LAPACK yield different SVD results on the same matrix?
2,068 Anaconda warning conda.common.logic:get_sat_solver_cls(278)
2,067 Why does numpy use the half-open interval for its uniform random?
2,067 What do we mean by this Numpy shape?
2,067 Scikit Learn: Randomized Logistic Regression gives ValueError: output array is read-only
2,067 Distributing Cython based extensions using LAPACK
2,067 Convert mask (boolean) array to list of x,y coordinates
2,067 Clarification about flatten function in Theano
2,066 Fast conversion from string to numpy.int16 array
2,066 Combination of numpy and multiprocessing Queues disturbs ordering of the queue
2,066 Build in function for plotting bayes decision boundary given the probability function
2,065 Writing a multidimensional structured numpy array to hdf5 one field at a time with h5py raises a numpy broadcasting error
2,065 Make matplotlib colormap from numpy array
2,064 Visualizing spherical harmonics in Python
2,064 Memory leak in pandas when dropping dataframe column?
2,064 Find multiple values in a Numpy array
2,064 Find index of multiple elements in numpy array [duplicate]
2,063 TypeError: unsupported operand type(s) for -: 'float' and 'builtin_function_or_method' matrix
2,063 OpenCV maximum and minimum RGB value using mask
2,063 Is there something like a depth buffer in matplotlib?
2,063 Convert 3D numpy to array to 4D array without changing
2,063 calculate mean using numpy ndarray
2,062 sampling multinomial from small log probability vectors in numpy/scipy
2,062 *.npy reader for windows
2,062 n-dimensional sliding window with Pandas or Numpy
2,062 Initialize 64 by 64 numpy of (0,0) tuples in python?
2,062 Get Row and Column Names (argmax) for max entry in pandas dataframe
2,062 AttributeError: 'ProgbarLogger' object has no attribute 'log_values'
2,061 Is it possible to sort the numpy array in descending order using numpy.sort(), If possible then how? [duplicate]
2,061 Indexing a large 3D HDF5 dataset for subsetting based on 2D condition
2,061 How to specify the endiannes directly in the numpy datatype for a 16bit unsigned integer?
2,061 Fast 1D convolution with finite filter and sum of dirac deltas in python
2,061 Create a sparse diagonal matrix from row of a sparse matrix
2,061 Convert a binary string into signed integer - Python
2,060 Split an array into bins of equal numbers
2,060 Select specified month date from numpy array (datetime object)
2,060 Reading an image in python - experimenting with images
2,059 Speeding up loops over a Numpy array
2,059 numpy where command on arrays with dtype=object
2,059 Numpy - compute all possible differences in an array at fixed distance
2,059 How to coarser the 2-d array data resolution
2,059 How do you install the blaze module (Continuum analytics) in Python?
2,059 Compute Cholesky decomposition of Sparse Matrix in Python
2,058 KeyError 'PATH' on numpy Import
2,058 how to convert a binary numpy array to decimal? [duplicate]
2,058 genfromtxt dtype=None returns wrong shape
2,057 Plotting vector fields with two different methods (quiver / streamplot) resulting in plots that don't match - Matplotlib
2,057 How to make grid of the irrigular data?
2,057 Convert numpy array of shape (n,1) to shape (n,) [duplicate]
2,056 plot multiple data series from numpy array
2,055 Why the second dimension in a Numpy array is empty?
2,055 Vectorize Forward Euler method for system of differential equations
2,054 Writing csv header removes data from numpy array written below
2,054 ValueError: cannot resize this array: it does not own its data
2,053 Interpolate on a logarithmic scale in python
2,053 IndexError: too many indices for np.array
2,053 Correlation between two matrices of different sizes in Python [duplicate]
2,053 Apply transformation matrix to pixels in OpenCV image
2,052 numpy: fastest way to change image shape from 224 x 224 x 3 to 3 x 224 x 224
2,052 How do I calculate cosine similarity from TfidfVectorizer?
2,052 Fit regression line to exponential function in python
2,052 Creating fixed length numpy array from variable length lists
2,051 Minimum value from two arrays [duplicate]
2,051 Getting error 'File ''<frozen importlib._bootstrap>'', line 968, in _find_and_load' while importing tensorflow
2,051 Coordinating basemap quiver and matplotlib arrow
2,051 Adding an array to a numpy array
2,050 TypeError: 'numpy.ndarray' object is not callable in my code
2,050 Install python module on synology - pip error
2,050 Install MatPlotLib 1.2.x on OS X Lion 10.7.4 and Python 3.2.2
2,050 Concatenate big numpy arrays
2,049 theano - use tensordot compute dot product of two tensor
2,049 python sampling from different distributions with different probability
2,049 Python PANDAS: Converting from pandas/numpy to dask dataframe/array
2,049 Fastest non negative matrix factorization (NMF) solver in python?
2,048 Simple Linear Regression using CSV data file Sklearn
2,048 ''In'' operator for numpy arrays?
2,048 categorical_crossentropy loss , no attribute 'get_shape'
2,047 Vectorized implementation for Euclidean distance [duplicate]
2,047 Populate arrays in python (numpy)?
2,047 Numpy suddenly uses all CPUs
2,047 numpy.polyfit shows TypeError: unsupported operand type(s) for +: 'numpy.ndarray' and 'float'
2,047 How can I calculate frequency axis after FFT
2,047 Calculate mean and median efficiently
2,046 RuntimeWarning: overflow encountered in multiply in numpy
2,046 Converting coordinates vector to numpy 2D matrix
2,045 `vectorize` for each row in Numpy
2,045 remove outliers from a 2D list
2,045 Numpy: Why is numpy.array([2]).any() > 1 False?
2,045 How to use `cv2.perspectiveTransform` to apply homography on a set of points in Python OpenCV?
2,045 Difference between array and matrix numpy for solving linear equations
2,044 OpenCV python cv2.Canny function's output Mat object doesn't have channel information
2,044 module object has no attribute imread and imshow
2,044 ''ImportError: cannot import name SkipTest'' while importing numpy in python
2,044 How to fill a Python numpy chararray with spaces?
2,044 Get x,y,value 1D arrays from 2D numpy array (linear indexing)
2,044 3D-Stacked 2D histograms in matplotlib pyplot
2,043 Creating contour plots without using numpy.meshgrid method?
2,042 Recode missing data Numpy
2,042 how to get the string value from numpy array?
2,042 Converting OpenCV BoundingRect into NumPy array with Python
2,042 Convert and pad a list to numpy array
2,041 ''OSError: cannot write object arrays to a file in binary mode''
2,041 numpy array - replace certain values
2,041 Making a boolean array
2,041 ImportError: No Module name Multiarray
2,041 Create matrix from list of values within Dictionary
2,041 Create a Matrix out of (row, column, value) triplets in NumPy
2,041 Checking nan values in a numpy array
2,040 Implement max/mean pooling(with stride) with numpy
2,040 How to know CSV line count before loading in python?
2,040 Conflicting Numpy and OpenCV2 Datatypes when calling OpenCV functions
2,039 numpy reading a csv file to an numpy array
2,038 Using Numpy with ARM processors
2,038 Scipy implementation of Savitzky-Golay filter
2,038 Numpy array multiple condition boolean
2,038 Is there some numpy.map?
2,038 Expand width of shell in Python's IDLE
2,037 undefined _PyUnicodeUCS4_IsWhitespace in compiled cython+numpy
2,037 Logarithm on Dataframe
2,037 Convert a matrix to a list [duplicate]
2,036 Sum values according to an index array
2,036 sine wave glissando from one pitch to another in Numpy
2,036 SciPy curve_fit with np.log returns immediately with popt = p0, pcov = inf
2,036 Python Scipy for 2D extrapolated spline function?
2,035 pandas equivalent to numpy.roll
2,034 Voice chat with python
2,034 ValueError: When changing to a larger dtype, its size must be a divisor of the total size in bytes of the last axis of the array
2,034 Unique values from pandas.Series [duplicate]
2,034 Splitting an N dimensional numpy array into multiple 1D arrays
2,034 Spark - how to convert a dataframe or rdd to spark matrix or numpy array without using pandas
2,034 Scikit Learn Gaussian HMM: ValueError: startprob must sum to 1.0
2,034 Comparing NumPy arange and custom range function for producing ranges with decimal increments
2,033 Vectorized dictionary in Python
2,033 Morphology erosion - difference betwen Scipy ndimage and Scikit image
2,033 How to swap the 0 and 1 values for each other in a pandas data frame?
2,033 How to skip one element in numpy array
2,033 Convert Stl into numpy array
2,032 slicing numpy array in periodic conditions
2,032 Running Python code for theano: /usr/bin/ld: cannot find -latlas
2,032 Numpy apply function to array
2,032 Convert datatime to milliseconds since midnight UTC or localized in CSV file using Pandas
2,031 Error in numpy nanmean
2,030 Why timedeltas can't be multiplied/divided in NumPy?
2,030 how to load Matlab's struct (saved with v7.3) in Python
2,030 How to find PSNR and SSIM of two video files in python using openCV and other libraries?
2,029 Save bounding box as image
2,029 regression coefficient using numpy
2,029 pandas multiply using dictionary values across several columns
2,029 How can I get the right numpy working for python 3 in Ubuntu 14.04
2,029 Groupby and reduce pandas dataframes with numpy arrays as entries
2,029 Best practices with reading and operating on fortran ordered arrays with numpy
2,028 Test if subarray of given array
2,028 python string replace conditional
2,028 FloatingPointError: overflow encountered in double_scalars
2,027 What is the best method for using Datashader to plot data from a NumPy array?
2,027 TypeError: ufunc add cannot use operands with types dtype('<M8[ns]') and dtype('<M8[ns]')
2,027 numpy: Counting in a 2D array where an element satisfies a condition
2,027 Cosine similarity for very large dataset
2,026 Using the methods of scipy's rv_continuous when creating a cutom continuous distribution
2,026 python - Initialize an empty array with named columns (and data types)
2,026 Passing a structured numpy array with strings to a cython function
2,025 Why is it faster to perform float by float matrix multiplication compared to int by int?
2,025 What is the best way to save numpy arrays of different length to the same csv file?
2,025 Using pcolor to plot 3 arrays in python
2,024 Resample array from high resolution to low
2,024 Mean by interval of an array, standard deviation in python (Pandas)
2,024 Find missing minute data in time series data using pandas
2,024 Counting number of consecutive zeros in a Dataframe [closed]
2,023 Panda-Column as index for numpy array
2,023 Optimal way for finding index of 'greatest value less than' in Numpy array
2,023 How to solve an equation with two variables in python
2,022 Python:Passing list as argument in scipy.optimize.newton
2,022 Pandas Diff() on first records in timeseries, missing data returns NaN
2,022 Finding min max in 3d numpy array
2,022 Dynamically adding elements to a NumPy array of unknown final length
2,022 Difference between a numpy array and a multidimensional list in Python?
2,021 Matlab/Python: Power spectral density of non-uniform time series
2,021 Convert back to 2D numpy array from .jpg image
2,020 How to create a directed networkx graph from a pandas adjacency matrix dataframe?
2,018 Use Python and Pandas to split data in a text file
2,018 Shifting 3D numpy array
2,018 How to change the ticks in a confusion matrix?
2,018 convertion of datetime to numpy datetime without timezone info
2,017 Write 1D numpy arrays to csv file row by row
2,017 Multiply list by all elements of the list except at it's own index
2,017 incompatible numpy and html5lib for tensorflow
2,017 Convert floating point array to integer array?
2,016 numpy .npz load returns BadZipfile: File is not a zip file after a certain size
2,016 How to remove duplicate elements from list of numpy arrays?
2,016 Dot product between a matrix and a 1d-array in numpy
2,016 Convert image loaded as binary string into numpy array
2,015 Successive over relaxation
2,015 Statistics on huge numpy (HDF5) arrays
2,015 Is there an inverted version of numpy.all()?
2,015 How to read data from .txt file with whitespace delimiter?
2,015 How to incrementally create an sparse matrix on python?
2,015 Difference between array[i][:] and array[i,:]
2,014 Selecting columns in numpy based on a Boolean vector
2,014 sckit-learn fit() leads to error after normalising the data
2,014 Find unique values for each column
2,013 Vectorize this convolution type loop more efficiently in numpy
2,013 Varimax rotation in Python (Numpy/Scipy)?
2,013 How to create a custom numpy dtype using cython
2,013 Comparing two pandas series for floating point near-equality?
2,012 Trilateration with LMFIT Python
2,012 Sum of squared differences - NumPy/Python
2,012 Pandas: fancy indexing a dataframe
2,012 numpy vstack empty initialization
2,012 Name of this algorithm, and is there a numpy/scipy implementation of it?
2,012 How to select index over two dimension in PyTorch?
2,011 Vectorized string operations in Numpy: why are they rather slow?
2,011 Solving a differential equation in parallel, python
2,011 Line smoothing with Numpy/SciPy
2,011 How to replace no data value -3.4028231e+38 to numpy.nan [duplicate]
2,011 How to output python graphs from terminal?
2,011 How to find values with minimal absolute values in several columns ignoring NaNs?
2,011 Fitting to a piecewise function using Python
2,011 Counting arithmetic operations
2,011 Compare two matrices and create a matrix of their common values [duplicate]
2,010 Vectorized spherical bessel functions in python?
2,010 sorting arrays in numpy by row
2,009 Proper way to cast numpy.matrix to C double pointer
2,008 Using py2exe to compile a script with a numpy dependency crashes with this error:
2,008 numpy.linalg.det gives warning ''invalid value encountered in det r = _umath_linalg.det(a, signature=signature)''
2,008 Numpy.core.multiarray doesn't work anymore after opencv installation
2,007 What are the relative advantages of extending NumPy in Cython vs Boost.Python?
2,007 PyQt: connecting slots with custom objects via Qt Designer
2,007 Numpy product or tensor product question
2,007 how to replace only zeros of a numpy array using a mask
2,007 Creating custom data_generator in Keras for fit_generate()
2,006 using pandas read_csv with missing data
2,006 Pythonic way of calculating A x A' (without numpy)
2,006 Problems building SciPy 0.13.0 using Numpy 1.8.0 built with ATLAS 3.10.1 / LAPACK 3.4.2
2,006 How to perform a simple signal backtest in python pandas [closed]
2,005 matplotlib bar chart with data frame row names as legend
2,005 How to reshape numpy array of array into single row
2,005 fastest way to select 7*7 neighbor pixels for every pixel in an image in Python
2,005 Counting the no. of black to white pixels in the image using OpenCV
2,005 Could someone explain this neural network machine learning code?
2,005 Averaging over multipage TIFF pages in Python
2,005 array to tiff raster image with gdal
2,004 Numpy and matlab polyfit results differences
2,004 Importing scipy breaks multiprocessing support in Python
2,004 Cubic Root of Pandas DataFrame
2,004 CPython from Java?
2,003 scipy.optimize curve_fit function error: 'sigma' incorrect shape
2,003 Build diagonal matrix without using for loop
2,002 Unmap of NumPy memmap
2,002 Tensorflow Dataset.from_tensor_slices taking too long
2,002 Replacing nan with blanks in Python
2,002 numpy date ''TypeError: must be str, not bytes'' using python 3.4
2,002 importing numpy on an ARM processor
2,002 how to match two numpy array of unequal length?
2,002 How to convert numpy array elements from string to int
2,002 boost::python extract c++ value from numpy.ndarray return value
2,001 Time lag between signals using numpy.correlate()
2,001 Reading tab delimited csv into numpy array with different data types
2,001 Inaccurate interpolation with scipy.interpolate.Rbf()
2,001 Import Error with Numba: Wrong ELF class: ELFCLASS64
2,001 efficient numpy.fromfile on zipped files?
2,000 Multidimensional matrix multiplication in python
1,999 wav file amplitude calculations
1,999 Solving an implicit quadratic system of 3 variables
1,999 Simple one dimension array of float with numpy [closed]
1,999 How do I convert a 3d image array into 2d image array in numpy [duplicate]
1,999 After installing matplotlib basemap via Macports, example python code for basemap is not running
1,998 ValueError: operands could not be broadcast together with shapes (400,) (2,)
1,998 Inverse of numpy.dot
1,998 IndexError: index 1 is out of bounds for axis 0 with size 1 (Python, NumPy)
1,997 Transforming outliers in Pandas DataFrame using .apply, .applymap, .groupby
1,996 Python Numpy ndarray
1,996 Lasagne/Theano doesn't consume multi cores while check_blas.py does
1,996 How to get equation of function from its graph(image) in python?
1,996 Counting occurrences of columns in numpy array
1,995 ValueError: The truth value of an array with more than one element is ambiguous. Use a.any()
1,995 Replace multiple elements in numpy array with 1
1,994 Working and manipulating numpy arrays with numba
1,994 Trying to create noise image with noise, numpy, and Image
1,994 Tensorflow: How to index a tensor using 2D-index like in numpy
1,994 plotting serial data using arduino and pyserial
1,994 Need Python polynomial fit function that returns covariance
1,994 Gradient Boosting with Sklearn
1,994 Calculate perimeter of numpy array
1,993 Python numpy.random.choice in C# with non/uniform probability distribution
1,993 How to convert a Series of arrays into a 2D numpy array
1,993 Curve fitting - monotonically increasing derivative
1,993 Complex integration in Python
1,992 subplot error in Matplotlib using seaborn
1,992 Slice numpy array using list of coordinates
1,992 Numpy: use bins with infinite range
1,992 Matplotlib updating axis
1,992 Matching an array to a row in Numpy
1,992 Integer array indexing python
1,992 ImportError: DLL load failed: The specified module could not be found. ''matplotlib.pyplot''
1,992 How to write a dictionary with numpy array in a file
1,992 How to draw N elements of random indices from numpy array without repetition?
1,992 How to do in place Cholesky factorization in Python
1,991 Tensorflow tf.reshape() seems to behave differently to numpy.reshape()
1,991 statsmodels ValueError
1,991 numpy 3D array shape
1,991 how to get the upper-left and bottom right coordinates of the box around a certain value in a matrix using python?
1,991 How can I generate an arc in numpy?
1,991 'float' object has no attribute 'arctan'
1,991 Fitting a 2D-function to a 2D dataset with errors in python
1,991 Error trying to load data into Spyder
1,990 Using array mask to change pixels values
1,990 Tensorflow loss not changing and also computed gradients and applied batch norm but still loss is not changing?
1,990 Removing brackets from a numpy array
1,990 h5py - Write object dynamically to file?
1,990 Floating Point Exception with Numpy and PyTables
1,990 f2py, problems passing a Python function to Fortran
1,990 Error installing scipy on osx with brew
1,989 solve rectangular matrix in python to get solution with arbitrary parameters
1,989 Python pandas: flatten with arrays in column
1,989 multivariate numpy does not plot a normal distribution please help correct the mistake
1,989 Inverse Filter of spatially convolved versus frequency convolved image
1,989 How to pad an image using np.pad in python?
1,989 Ellipsis broadcasting in numpy.einsum
1,989 Amazon EC2 vs PiCloud [closed]
1,988 Strange basic computation issue with numpy.int64 and/or numpy.float64?
1,988 Numpy conditional arithmetic operations on two arrays
1,988 How to do Scipy curve fitting with error bars and obtain standard errors on fitting parameters?
1,988 Emulating boolean masks in Theano
1,988 Convert decimal range to Numpy array, with each bit being an array element
1,987 Update initial condition in ODE solver each time step
1,987 Sending pandas dataframe to java application
1,987 Numpy average from a large masked array
1,987 ImportError importing .pyd - DLL load failed. Cython
1,987 how to split numpy array and perform certain actions on split arrays [Python]
1,987 Displaying a plot of first elements of array
1,986 Use Earth Mover's Distance as loss function in Tensorflow
1,986 TypeError: data should be an RDD of LabeledPoint, but got <type 'numpy.ndarray'>
1,986 Q1: IndexError: index 1 is out of bounds for axis 1 with size 1
1,986 Numpy ndarray shape with 3 parameters
1,986 Comparing NaN columns in pandas/numpy
1,985 Weighted K-means with GPS Data
1,985 More ticks on x-axis in a semilogx Python plot
1,985 imshow assertion failed drawChessboardCorner() of opencv returns nothing in Python
1,985 Constructing a transition matrix with numpy
1,984 Python: Raise square matrix to negative half power
1,984 plotting the center of a k-means cluster to be the same color as its cluster points
1,984 Get mean value of certain part of array
1,984 Failing to convert numpy array to JSON
1,984 Dictionary to Histogram
1,983 python how to put argument to function with numpy aply_along_axis
1,983 How to parse through a list of lists and analyze the elements together to see how many times they occur over time?
1,982 Retrieving field formats of numpy record array as list
1,982 How to find frequency of a square wave using FFT
1,982 How to conditionally combine two numpy arrays of the same shape
1,981 The concept behind scipy.signal.medfilt2d in python
1,981 Remove NaN from 2D numpy array
1,981 numpy reshape confusion with negative shape values
1,981 Implementing a 2D, FFT-based Kernel Density Estimator in python, and comparing it to the SciPy implimentation
1,981 How to find intersection of a line with a mesh?
1,980 Pandas reorder rows based on smallest to largest values in a column
1,980 Numpy data points region/circle
1,980 How do I use scipy.ndimage.filters.gereric_filter?
1,979 what is this 'sequence of arrays' created by numpy's np.stack function in Python?
1,979 np.where() or another boolean way for new pandas dataframe column
1,979 Creating a NumPy array directly from __array_interface__
1,978 Scipy.linalg.eig() giving different eigenvectors from GNU Octave's eig()
1,977 python convolution with different dimension
1,977 Numpy fails to serve as a dependency for pandas
1,977 How to standard scale a large numpy matrix with sklearn? (batch processing)
1,977 How to split list of arrays into individual arrays?
1,976 Python SciPy Stats percentilofscore
1,976 Howto convert numpy 1D-array to congiuous 2D-column-array without copying the data
1,976 Bradley-Roth Adaptive Thresholding Algorithm - How do I get better performance?
1,975 Using pytables, which is more efficient: scipy.sparse or numpy dense matrix?
1,975 Sorting lines of a text file using column with integers -
1,975 Python - Recreate Minitab normal probability plot
1,975 Python error : boolean index array should have 1 dimension
1,975 create numpy array by appending a number to another numpy array
1,975 Change contrast in Numpy
1,974 Get all subsequences of a numpy array
1,973 Vectorize eigenvalue calculation in Numpy
1,973 Python: Export the tabulate output data into csv file
1,973 How to add the diagonals of a matrix in Python 3.3.5
1,973 Finding the index of items cotaining 'inf' or 'nan'
1,972 What are the benefits / drawbacks of a list of lists compared to a numpy array of OBJECTS with regards to MEMORY?
1,972 Weighted Least Squares in Statsmodels vs. Numpy?
1,972 Unable to load non-arrays from an npz file
1,972 TSNE - 3D graph
1,972 Pandas: Sum of first N non-missing values per row
1,972 Pandas: drop rows with nan-valued index
1,972 Extract pixel coordinates and paste on new image python
1,972 change bin size of histogram data
1,971 Implement Cost Function of Neural Network (Week #5 Coursera) using Python
1,971 How to plot specific data from a CSV file with matplotlib
1,970 Use scikit-image to read in an image buffer
1,970 Scipy expit: Unexpected behavour. NaNs
1,970 saving Keras augmented data as a numpy array
1,970 Python read text files in numpy array when empty or single line
1,970 Overlapping polygons in Python PIL
1,970 multi colored Heat Map error Python
1,970 Getting different answers with MATLAB and Python norm functions
1,970 Creating a boolean array by testing if each element in numpy array is between 2 numbers
1,969 Rolling Correlation Calculation with Pandas or NumPy
1,969 'numpy.int64' object is not iterable
1,969 Iterating over first d axes of numpy array
1,969 How to iterate over latitude longitude values of a grib2 file?
1,969 Fastest way to sort a large number of arrays in python
1,969 Change of basis in numpy
1,968 In numpy savetxt function, what does the 'newline' parameter do?
1,968 Find index of numpy array in list
1,968 Delete array from array
1,968 Contour line artifacts in matplotlib after interpolating data on a polar plot
1,967 Numpy, TypeError: Could not be cast from dtype('<M8[us]') to dtype('<M8[D]')
1,967 Multiplying all values in Pandas Dataframe rows
1,966 Opencv recorded video is too slow and camera update is very slow
1,966 Numpy NdArray Memoization
1,966 Mask out specific values from an array
1,966 comparing a string 1-d numpy array elementwise
1,965 Creating a 2-dimensional Numpy array with the euclidean distance from the center
1,964 python: numpy reshaping an array
1,964 Negative numbers returned in a factorial Function (Python)
1,963 Shortest distance between a point and a line in 3 d space
1,963 MemoryError exception thrown for numpy.asarray()
1,963 Fitting curve: why small numbers are better?
1,962 Sum of products of pairs in a list
1,962 Python - Parse a String into Float Array?
1,962 Numpy broadcasting sliced arrays and vectors
1,962 Choose weights that minimize portfolio variance
1,961 Numpy: Add rows from one matrix to another by index
1,961 Create contour from scratch in python OpenCV (cv2)
1,960 RuntimeWarning: invalid value encountered in double_scalars related to np.sqrt
1,960 NumPy: Vectorize finding closest value in an array for each element in another array
1,960 how to show time series data in bokeh as a step chart
1,960 Filter pandas dataframe based on values in multiple columns
1,960 efficient conversion of 2D to 3D numpy array
1,960 Changing the text of clabel in Matplotlib
1,960 beep sound in python audiolab
1,959 Plotting into plot_surface - unable to properly convert data to required format
1,959 How to efficiently expanding arrays in python?
1,959 Cython code 3-4 times slower than Python / Numpy code?
1,959 Classification test in Scikit-learn, ValueError: setting an array element with a sequence
1,958 To count the rows and its values in word docx by using python
1,958 pandas randomly replace k percent
1,958 Cython Numpy code not faster than pure python
1,958 Audio buffer finite error after butter filtering (Scipy)
1,957 Numpy - Averaging multiple columns of a 2D array
1,957 Make a better grid of points with python
1,956 Excluding values in array - python
1,955 sum of 'float64' column type in pandas return float instead of numpy.float64
1,955 remove empty dimension of numpy array
1,955 Numpy backwards compatibility: Visual C++ 9 not found
1,955 Missing dependencies (numpy) when importing pandas
1,955 How to use numpy.argsort() as indices in more than 2 dimensions?
1,955 How to get the same output of rgb2ycbcr() matlab function in python-opencv?
1,955 How does NumPy process docstrings into sphinx documentation for Parameters?
1,955 How does `numpy.einsum` work?
1,955 Data Science using Vim [closed]
1,955 AttributeError: 'MSVCCompiler' object has no attribute 'compiler' when trying to install a numpy extension
1,955 Apply function to an array of tuples
1,954 Number of unique elements per row in a NumPy array
1,954 How to replace only the first n elements in a numpy array that are larger than a certain value?
1,954 How to estimate local tangent plane for 3d points?
1,954 Generate a random 3 element Numpy array of integers summing to 3
1,954 Finding the row with the highest average in a numpy array
1,954 Convert a 3D array to 2D
1,953 Numpy array interface with ctypes function
1,953 How do I use Scipy minimize with constraints and dynamic function
1,952 How does numpy.dot function work?
1,952 Discrete fourier transformation from a list of x-y points
1,952 Accurate summation with numpy
1,951 ValueError while saving ndarray
1,951 How to efficiently calculate huge matrix multiplication (tfidf features) in Python?
1,950 Set masked pixels in a 3D RGB numpy array
1,950 How to change index dtype of pandas DataFrame to int32?
1,950 highlight single contour line
1,950 Combining an array using Python and NumPy
1,949 Write numpy arrays to lmdb
1,949 Python array dimensions
1,949 Does Keras 1.0 support scipy sparse matrices?
1,949 Convert image to proper dimension PyTorch
1,948 Moving average produces array of different length?
1,948 How to convert boost python list to PyObject
1,947 numpy change elements matching conditions
1,947 How to Create an Evenly spaced Numpy Array from Set Values
1,947 How can extract data from .h5 file and save it in .txt or .csv properly?
1,947 Finding Cirlcles in Eye or pupil using HoughCircles
1,947 Calculating conditional probabilities from joint pmfs in numpy, too slow. Ideas? (python-numpy)
1,946 how to plot a list of byte data with matplotlib
1,945 Python: Solving equation system (coefficients are arrays)
1,945 Python: fit data with gaussian rising and exponential decay
1,945 Most pythonic way to stitch an array of images together
1,945 How to use np.empty inside numba compiled function; Error message ''All templates rejected''
1,945 Failing to install numpy on Python 3.4 [duplicate]
1,944 How to get all array edges?
1,943 Numpy savetxt TypeErrror
1,942 ValueError: Error when checking input: expected conv2d_1_input to have 4 dimensions, but got array with shape (8020, 1)
1,942 Python Remove Column from Numpy Array based on some Condition
1,942 Memory profiler for numpy
1,942 Fastest way to compute distance beetween each points in python
1,942 Creating a 2d numpy array to hold characters
1,941 two versions of numpy
1,941 numpy - meshgrid for multiple dimensions
1,941 more efficient way to calculate distance in numpy?
1,941 Large on disk array for numpy
1,941 automatic detection/conversion of data types?
1,941 Array of ranges with numpy
1,940 How to add or remove a specific element from a numpy 2d array?
1,940 How can I pass null to an external library, using ctypes, with an argument declared with ctypeslib.ndpointer?
1,939 Transform DICOM Image to a list of XYZ coordinates and their values - Python
1,939 Index error, delete row from array if column has a value
1,939 How to use Numba to perform multiple integration in SciPy with an arbitrary number of variables and parameters?
1,939 Get dict from Mongo and convert to ndarray using Numpy
1,939 Django, GAE, numpy: cannot import name multiarray
1,938 white border while displaying a full image with python and opencv
1,938 Using a numpy array to assign values to another array
1,938 python split array into sub arrays of equivalent rank
1,938 Keras Array Input Error
1,937 What's the difference between a view and a shallow copy of a numpy array?
1,937 Unwanted rounding when subtracting numpy arrays in Python
1,937 OpenCV Error: Assertion failed in undistort.cpp at line 293
1,937 How can I read edf.event file with python?
1,936 What would be the ''GPU version'' of the numpy.fft package in python?
1,936 Read numbers from formatted file in Python
1,936 Exposing OpenCV-based C++ function with Mat/Numpy conversion to Python
1,936 Evaluating a multivariable function on an array with python/numpy
1,935 nested loop with array indexing in numpy
1,935 nested loop with array indexing in numpy
1,935 Concatenation of numpy arrays of unknown dimension along arbitrary axis
1,934 Tensorflow not able to invert matrix
1,933 Python Relating k-means cluster to instance
1,933 Pycharm error, numpy has no attribute 'loadtext' [closed]
1,933 Normalize values between -1 and 1 inclusive
1,933 Comparatively slow python numpy 3D Fourier Transformation
1,932 python, rank a list of number/string (convert list elements to ordinal value)
1,932 Get all the rows with same values in python?
1,932 'axes' parameter in scipy.ndimage.interpolation.rotate
1,932 average of certain values of an array
1,932 A Python list of Numpy Arrays to CSV?
1,931 Reduce a dimension of numpy array by selecting
1,931 Pandas: Count the first consecutive True values
1,931 how to uninstall all python packages
1,931 How to silence the UserWarning from scipy.ndimage.zoom
1,931 how to set dtype for nested numpy ndarray?
1,931 Appending a Numpy array to a list
1,930 The order of axis when printing a NumPy array
1,930 Python: taking the dot product of vector with numpy
1,930 Python: extract list of data in dict in numpy array
1,930 How to grab video frame in a numpy array using vlc python bindings?
1,930 How to convert dtype(uint16) data into a 16bit png image?
1,930 Errors on a Gaussian histogram curve fit using scipy.curve_fit()
1,930 Converting sklearn CountVectorizer matrix to list of dictionaries
1,929 TypeError: float() argument must be a string or a number, not 'map'
1,929 Reading ascii vtk file in python and converting it to numpy array
1,929 iterating over numpy array using lambda
1,929 How to calculate and plot multiple linear trends for a time series?
1,929 Get the index of median value in array containing Nans
1,929 fastest way to create numpy 2d array of indices
1,929 Faster way to search for dates in numpy array of datetime.date objects?
1,929 Binary matrix to integer
1,928 Numpy change all elements on condition on multidimensional array
1,928 How to generate random numbers with predefined probability distribution?
1,928 Assign numpy array of points to a 2D square grid
1,927 Find and delete all-zero columns from Numpy array using fancy indexing
1,927 Difference between Tensorflow convolution and numpy convolution
1,926 Solve ode in python with complex matrix as initial value
1,926 how to specify a range in numpy.piecewise (2 conditions per range)
1,926 code is working but with a 'DeprecationWarning' -scipy.stats
1,925 OMP warning when numpy 1.8.0 is packaged with py2exe
1,925 Is python numpy array operation += thread safe?
1,925 How to get the index of the sorted list for the original list in Python?
1,925 How can l convert tuple to integer to do some calculations?
1,925 cython with array of pointers
1,924 Pandas to_csv always substitute long numpy.ndarray with ellipsis
1,924 Pandas conditional statement with NaT
1,924 numpy select submatrix according to index
1,924 How to convert Matplotlib figure to PIL Image object (without saving image)
1,923 Pandas mask / where methods versus NumPy np.where
1,923 'numpy.ndarray' object has no attribute 'append' [duplicate]
1,923 Get top N elements from array in descending order
1,923 Generate coordinates inside Polygon
1,922 How to plot numbers from an array as annotation using matplotlib?
1,922 Different QR decomposition results with numpy and CULA
1,922 AttributeError: module 'numpy' has no attribute 'array
1,921 Pandas to_datetime show time incorrect
1,921 Fitting an exponential curve to numerical data in python
1,921 Extract arbitrary rectangular patches from image in python
1,921 Create matrix with 2 arrays in numpy
1,920 Vectorizing operation on numpy array
1,920 UserWarning: The priors do not sum to 1. Renormalizing [python]
1,920 opencv show black image after numpy vectorize
1,920 Installed PyPy + NumPy, but I experienced no improvement in performance. Is this normal?
1,920 How to calculate Spearman's rank correlation matrix using scipy
1,920 Capture Webcam image using CV2 and Pyglet in Python
1,919 numpy to generate discrete probability distribution
1,919 Numba Lowering error when iterating over 3D array
1,918 Using Boost Python to wrap C++ arrays into numpy arrays
1,918 Receiving KeyError: ''None of [Int64Index([ ... dtype='int64', length=1323)] are in the [columns]''
1,918 Python eigenvalues and eigenvectors
1,917 Using python to save a JPG image that was edited in the script
1,917 Pandas Multi-Index DataFrame to Numpy Ndarray
1,917 How to align matrices when dealing with arrays of different shapes (using python)
1,917 Error: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
1,916 Replace values in NumPy array based on dictionary and avoid overlap between new values and keys
1,916 Ramp signal python
1,916 linalg.lstsq with fixed slope?
1,916 Difference in adding two images in numpy and opencv
1,915 Read set of images into 4D Numpy array with dimension (num_img,channel, dim1, dim2)
1,915 Python: How to get the line in my Flask application which led to an error?
1,915 pandas df.apply TypeError data type not understood
1,915 Merge two numpy arrays and delete duplicates?
1,915 Is the build-in probability density functions of `scipy.stat.distributions` slower than a user provided one?
1,915 import numpy giving ImportError: DLL load failed: %1 is not a valid Win32 application
1,914 How to expose a numpy array from c array in cython?
1,913 Update 2D numpy array values
1,913 scipy.stats.ttest_ind without array (python)
1,913 Python (2.7.8) ImportError: No module named numpy (1.6.1)
1,913 Is there a resize function in Python to resize an image as the tf.image.resize_images function of TensorFlow?
1,913 How to use streamplot function when 1D data of x-coordinate, y-coordinate, x-velocity and y-velocity are available?
1,913 How to generate random letters in python?
1,913 fast numpy addnan
1,913 Average duplicate values from two paired lists in Python using NumPy
1,912 Python - Interpolating between lines of data
1,912 Numpy percentiles with linear interpolation - wrong value?
1,912 matplotlib not continuing lines after NaN's [duplicate]
1,912 Given a byte buffer, dtype, shape and strides, how to create Numpy ndarray
1,911 Using counts and tfidf as features with scikit learn
1,911 Still can't import after install numpy in TensorFlow tutorial
1,911 Most efficient way to calculate CRC16 in Python
1,911 Boost.Python - Vector to Numpy Array
1,910 python numpy: array of arrays
1,910 Optimizing a reed-solomon encoder (polynomial division)
1,910 numpy.frombuffer ValueError: buffer is smaller than requested size
1,910 np.where equivalent for multi-dimensional numpy arrays
1,910 Find Similarity between two DataFrames of different lengths
1,909 scipy - how to integrate a linearly interpolated function?
1,909 Insert Rows and columns in Numpy
1,909 How to implement multiple testing for scipy.stats tests
1,909 Convolving a periodic image with python
1,909 Choose my own points instead of corner points in implementing optical flow in opencv python
1,908 what's the difference between (4,) and (4,1) for the shape in Numpy?
1,908 Python Numpy Logistic Regression
1,908 Convert text to numpy array
1,907 numpy linear algebra basic help
1,907 numpy get column indices where all elements are greater than threshold
1,907 How can I calculate the ratio of a value in array to the sum of array in python? [duplicate]
1,907 FutureWarning on using np.full to create array
1,907 Convert a python numpy array to c++ stl vector
1,906 Time series analysis, with Fourier ( ... or maybe other method) in Python
1,906 Huge sparse matrix in python
1,906 How to calculate Zero Crossing Rate with PyAudio stream data
1,906 Frequency axis in a Numpy fft
1,906 Dataframe-Normalize each row by row's maximum
1,905 python: why does random.shuffle change the array
1,905 Numeric computation of certain symbols in numpy array of sympy expressions
1,905 how to solve RuntimeWarning: invalid value encountered in sqrt t in python
1,905 How to slice up a numpy array with inequalities?
1,905 how much of sklearn can I use with pypy?
1,905 Get a spatial frequency breakdown for greyscale image (2d array)
1,905 Generating colour image gradient using numpy
1,905 Gaussian elimination - pivoting using slicing in python
1,905 Fast way to find locally maximal gradient values in a numpy array?
1,905 Extracting specific values from .npy file
1,904 Reading and writing numpy arrays to and from HDF5 files
1,904 Pandas - Find longest stretch without Nan values
1,904 Numpy isnat() returns value error on datetime objects
1,904 NumPy: How to collapse N-dimensional array along a single dimension using argmin/max output?
1,903 ValueError: not enough values to unpack (expected 2, got1)
1,903 Python (numpy) read a text file with mixed format
1,903 Padding large numpy arrays
1,903 Median of each columns in python
1,903 How to disregard -inf and move to next iteration in for loop
1,903 Create image with PIL `Image.fromarray` results in AttributeError: 'list' object has no attribute '__array_interface__'
1,903 Change data type in Numpy and Nibabel
1,902 Python - Find First and Last white pixels coordinates
1,902 Numpy as a library in a django project
1,902 Normal Equation for linear regression
1,902 How to make random Beta in python like normal between two value ?
1,902 How do I sum only certain elements from an array?
1,902 error performing np.std for array
1,902 Error in joblib.load file loading
1,902 Combining Three 1D arrays into a 2D array?
1,902 AWS Lambda/Python3 can't import numpy
1,901 Why is numpy slower than python? How to make code perform better
1,901 What is the meaning of ''sum product'' as mentioned in Numpy documentation?
1,901 Understanding numpy ''void'' dtype and generic arrays
1,901 Segmenting Python array into unique regions connected by a single cell or less?
1,901 scipy curve_fit fails on easy linear fit?
1,901 How to add a plus sign before an int in Python?
1,901 Detrending data with nan value in scipy.signal
1,901 Convert numpy array of floats to integers, replacing NaN values
1,900 Numpy FFT Zero Padding
1,900 NumPy change elements of an array with a given probability
1,900 Fastest way to compare two huge csv files in python(numpy)
1,899 np.corrcoef behavior with pandas dataframes
1,899 np.array ndmin argument: specify placement of added dimensions
1,899 Inverted fancy indexing
1,899 How to create a sphere inside an ndarray?
1,898 Store empty numpy array in h5py
1,898 python-graph derivative of a graph/data
1,898 How to rename file and copy it with the new name in a new folder (Python)?
1,898 How do I get wider numpy array print output?
1,898 Higher order local interpolation of implicit curves in Python
1,897 Why cant Scipy Install on Windows 7 using easy_install and cygwin?
1,897 Python: py2app ''ImportError: dlopen(): Library not loaded''
1,897 numpy.polyfit gives empty residuals array
1,897 numpy 2-D array: efficient way to create circular masks at all given positions
1,897 how to plot time series where x-axis is datetime.time object in matplotlib?
1,897 Debugging a Python/NumPy memory leak
1,897 Accessing elements in array Python
1,897 2d density contour plot with matplotlib
1,896 TypeError: dst is not a numpy array, neither a scalar - resize jpg python
1,896 Find volume defined by irregular data points - python
1,896 Convert int32 to int8 with numpy view
1,895 Scipy linalg LU decomposition gives different results to my textbook
1,895 Normalize a vector where the dot product equals 1 in Python?
1,895 how to convert timedelta64 to number of days integer?
1,895 How do I get date and time from two columns of a numpy array into a datetime format that can be used by matplotlib?
1,895 Efficient grouping of rows from Nx2 integer numpy array to match sequential elements in rows
1,895 Convert pandas dtypes to BigQuery type representation
1,894 Python - scipy fmin, giving the arguments to fmin
1,894 Python not finding installed packages through pip on Linux
1,894 Plotting bar chart in python
1,894 Manually inverting FFT using Numpy
1,894 Fat band using matplotlib in python
1,894 alternative to numpy.argwhere to speed up for loop in python
1,894 Accessing data in chunks using Python Pandas
1,893 View numpy array as image while debugging in PyCharm?
1,893 scipy.stats.binned_statistic_2d works for count but not mean
1,893 I use python3.5 and OpenCV 3.1.0,OpenCV function cv2.countNonZero(img) I got a error [duplicate]
1,893 Convolution of two rectangular pulses Python
1,893 Combining multiple images to a numpy array on python with opencv2
1,892 scipy.optimize.minimize convergence issues
1,892 Python multiplication Matrix with Matrix transpose with array
1,892 How to detect facial angles?
1,892 Finding zeros of a complex function in SciPy/NumPy
1,892 Creating python virtualenv in jenkins with shiningpanda and requirements.txt
1,892 Apply boolean mask to last two dimensions of tensor in TensorFlow
1,891 Repeat last column in numpy array
1,891 Python Numpy nan_to_num help
1,891 how to calculate coskew and cokurtosis
1,890 List comprehension with cython
1,890 is there a pythonic way to change scalar and 0d-array to 1d array?
1,890 double brackets arrays into an array
1,890 Calculate marginal distribution from joint distribution in Python
1,889 Scipy: Integration of Hermite function with quadrature weights
1,889 Numerical gradient for nonlinear function in numpy/scipy
1,889 Creating rank 3 numpy arrays
1,888 ValueError: matrix must be 2-dimensional
1,888 timeit in pycharm not resolving
1,888 text file mdates.strpdate2num error
1,888 Python-Fitting 2D Gaussian to data set
1,888 'NoneType' object does not support item assignment inside __init__
1,888 Neither builtin power function nor np.power works
1,888 Linear regression in NumPy with very large matrices - how to save memory?
1,888 ATLAS Linear algebra and openmpi on multicore with python
1,887 Subtract across Numpy array
1,887 OpenCV and Numpy interacting badly
1,887 numpy.savetxt() stop newline on final line
1,887 Nearest neighbor 1 dimensional data with a specified range
1,887 Memory allocation for numpy.array with copy=False?
1,887 how to install library in pyCharm?
1,887 Get Value From a NumPy Array
1,887 Fastest way to calculate the mean of several numpy arrays in a list
1,887 Dimension of data before and after performing PCA
1,887 Delete Dimension of mutlidimensional array
1,886 Creating Dictionary from Pandas DataFrame Column Based on Unique Values in Column
1,886 Adding a New Column/Array to a Numpy Array
1,885 Tensorflow Not Working from Anaconda on Mac
1,885 Reading Single Line CSV using numpy.genfromtxt
1,885 ''Kronecker addition'' for indexing in Numpy
1,885 How to sum two arrays in Python?
1,885 How to store wide tables in pytables / hdf5
1,885 Horn-Schunck optical flow implementation issue
1,885 flatten arrays in a list in python
1,885 binarize a sparse matrix in python in a different way
1,884 What is the equivalent of torch.nn.functional.grid_sample in Tensorflow / Numpy?
1,884 How can I uninstall pip packages on my mac?
1,883 Use python slice objects when reading HDF5 file with h5py?
1,883 Reading data from data acquisition unit (measurement computing)
1,883 Numpy: How to check for tuples existence in ndarray
1,883 Dictionary versus NumPy array performance Python
1,882 Python: way to read data from multiple files into 2D numpy array or list
1,882 Printing Numpy arrays without brackets
1,882 On significant figures of numbers in python [closed]
1,882 install numpy on python 3.5 Mac OS High sierra
1,882 How do you divide an image/array into blocks?
1,882 Hamming Window, python 2.7
1,882 Detect not straight lines with hough transform or other image processing algorithm
1,882 Deconvolution layers in keras
1,882 calculating means of many matrices in numpy
1,881 reduce time for a long for-loop in python
1,881 How do I plot trajectory from points whose coordinates are known to me at several time instants?
1,880 Voronoi - Compute exact boundaries of every region
1,880 Python & Scipy: How to fit a von mises distribution?
1,880 How to np.roll() faster?
1,880 how to load 4-bit data into numpy array
1,880 Error installing numpy ''Unknown MS Compiler version 1900''
1,879 sounddevice.PortAudioError: Error opening OutputStream: Invalid number of channels
1,879 Optimal parameters not found for my curve fitting
1,879 Matplotlib: `pcolormesh.get_array()` returns flattened array - how to get 2D data back?
1,879 convert 2D numpy array of arrays to 3D array
1,878 Passing numpy.arange() an argument
1,878 How to ''draw'' a geometric shape on a 2-D meshgrid?
1,877 Set Cover or Hitting Set; Numpy, Least element combinations to make up full set
1,877 K-Means: assign clusters to new data points
1,877 How to get a graph axis into standard form
1,876 Zero occurrences/frequency using value_counts() in PANDAS
1,876 Python: Bivariate Spline not on grid data
1,876 How to show video and histogram side-by-side using Python/Opencv/Matplotlib?
1,876 Convert Pandas SparseDataframe to Scipy sparse csc_matrix
1,876 Cannot import numpy with python3.5, but can import with python2.7
1,875 Using lambda for a constraint function
1,875 Python Numpy nanmax() returning nan when there are non nan values in the array
1,875 Parallel in-place sort for numpy arrays
1,875 How to generate a complex gaussian white noise signal in python(or numpy/scipy)?
1,875 Fill certain indices of a 3d numpy array
1,874 numpy-->PIL int type issue
1,874 How to find clusters of values in numpy array
1,874 Creating a contour plot in paraview from a numpy array
1,874 Create symmetric matrix from pandas data frame
1,874 Combining element-wise and matrix multiplication with multi-dimensional arrays in NumPy
1,873 Randomly selecting rows from numpy array
1,873 py2exe File ''numpy\core\multiarray.pyc'', line 10, in __load ImportError: DLL load failed:
1,873 Numpy Toeplitz Matrix
1,873 Numpy - row-wise outer product of two matrices
1,873 Numpy cumulative distribution function (CDF)
1,873 Convert string array to numpy array
1,872 NumPy: Import Error, Image Not Found OSX
1,871 Zero padding multiple values in Python
1,871 How to get frequency axis from an fft function?
1,871 Function which is similar to numpy's diff
1,870 Reading a particular column in csv file using numpy in python
1,870 Python: Create structured numpy structured array from two columns in a DataFrame
1,869 Why is using a Cython list faster than using a Python list?
1,869 Removing length 1 dimensions in arrays
1,869 Calculate mean numpy array in pandas DataFrame
1,869 3 dots and a comma in NumPy array display
1,868 Smooth a curve in python with no error at the boundaries?
1,868 Round() not working
1,868 Python - ValueError: invalid literal for float()
1,868 Python: Assign Labels to values in an array
1,868 Evaluating trigonometric expressions in sympy
1,867 Python not installing sklearn
1,867 Numpy searchsorted descending order
1,867 How to determine frequencies present in music file using python [duplicate]
1,866 Numpy: get values from array where indices are in another array
1,866 masked arrays in numpy error
1,866 How can I tell whether a numpy boolean array contains only a single block of `True`s?
1,865 tf.where() doesn't produce result same as np.where()
1,865 Setting axis values in numpy/matplotlib.plot
1,865 Read video from bytes
1,865 python numpy array slicing
1,865 numpy datetime and pandas datetime
1,865 How to find the maximum value of a numpy array, with location restrictions?
1,865 Create sample numpy array with randomly placed NaNs
1,865 Commute numpy sparse matrix dot product
1,864 using the hardware rng from python
1,864 Scipy draw bounding box in image
1,864 Reading pre-processed cr2 RAW image data in python
1,864 Pointwise array average ignoring NaN [duplicate]
1,864 Numpy: could not broadcast input array from shape (3) into shape (1)
1,864 Make subset of array, based on values of two other arrays in Python
1,864 Is there any way to use pythonappend with SWIG's new builtin feature?
1,864 How to sort rows of a matrix by decreasing values of the first column in Python and numpy?
1,864 Function which returns the least-squares solution to a linear matrix equation
1,863 Vectorised average K-Nearest Neighbour distance in Python
1,863 How can I one-hot encode data with numpy?
1,863 Fast(er) numpy fancy indexing and reduction?
1,863 Convert a 2D numpy array into a 3d numpy array representing a grayscaled image
1,862 set limits to numpy polyfit
1,862 Sampling rows in 2D numpy arrays with replacement
1,862 Numpy flatten array of array from cv2
1,862 numpy array indexing with lists and arrays
1,862 Matplotlib FuncAnimation not animating line plot
1,862 How to efficiently generate a straight line with random slope and intercept in Python?
1,862 How to do a reduction with numpy.nditer in the first axis
1,862 How to convert from a set to an array in python
1,862 Faster way to calculate hexagon grid coordinates
1,861 Pass simple numpy array to C via SWIG
1,861 How to subtract the previous rows column from current column and create a new dimension in the array with this value using numpy?
1,861 Best language for Molecular Dynamics Simulator, to be run in production. (Python+Numpy?) [closed]
1,860 Python: Using mpi4py to bcast an array to other scripts with spawn
1,860 Memory consumption of NumPy function for standard deviation
1,860 Loading numpy structured array saved in python3 in python2
1,860 how to take sum of two 1-D array(column vector)
1,860 How to check the datatype of an ndarray in C
1,859 ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all() python
1,859 Sklearn on aws lambda
1,859 picking out elements based on complement of records in Python pandas
1,859 Numpy Finding complex conjugate [duplicate]
1,859 How to store a list of uneven numpy arrays?
1,859 How can I check if a network is scale free?
1,859 Efficient computation of similarity matrix in Python (NumPy)
1,859 adding value count as label for each bar in bar chart in python [duplicate]
1,858 XY coordinates in a image stored as numpy?
1,858 Speed up NumPy loop
1,858 Numpy stick arrays horizontally
1,858 Numpy: assigning values to 2d array with list of indices
1,858 How to plot odd even square wave using python
1,858 Convert a numpy array to an image
1,858 An Error: 'Numpy.str_' object has no attribute 'decode'
1,857 Port Python Code to Android
1,857 Cupy is slower than numpy
1,857 Converting (part of) a numpy recarray into a 2d array?
1,856 Very fast sampling from a set with fixed number of elements in python
1,856 Python: how to replace values in masked array according to a condition
1,856 Numpy - Find maximum point and value of data points
1,856 Matrix-like printing of 2D arrays in Python
1,856 Input format for AffinityPropagation clustering
1,856 How can I use multiple dimensional polynomials with numpy.polynomial?
1,856 Archimedean spiral
1,855 Python: computing pariwise distances causes memory error
1,855 How to replace values in a range in a pandas dataframe with another value in the same dataframe based on a condition
1,854 pip install numpy fails with error 'cc1: error: unrecognised debug output level ''record-gcc-switches'''
1,853 python select all but one column from multidimensional array
1,853 numpy matrix multiplication to triangular/sparse storage?
1,853 How to read/traverse/slice Scipy sparse matrices (LIL, CSR, COO, DOK) faster?
1,853 Cross product for vectors with more than 10 dimensions in Python
1,852 Scikit-learn: error in fitting model - Input contains NaN, infinity or a value too large for float64
1,852 Reshape 2D into 4D array
1,852 How to apply a defined function on pandas data frame
1,852 Combined mean and standard deviation from a collection of NumPy arrays of different shapes
1,851 How do I bandpass-filter a signal using a Gaussian function in Python (Numpy/Scipy)
1,850 docker cannot build scipy
1,850 Could not broadcast input array from shape (1285) into shape (1285, 5334)
1,849 Shuffle DataFrame rows except the first row
1,849 Selecting certain rows from a set of data files in Python
1,849 Hough Lines in video
1,848 Why does padding an FFT in NumPy make it run much slower?
1,848 Vertical lines do not appear in matplotlib plot
1,848 Speeding up analysis on arrays in numpy
1,848 savetxt save only last loop data
1,848 Python TensorFlow - what is tf.flags.FLAGS?
1,848 make doesn't run .py file
1,848 How to get the correct peaks and troughs from an 1d-array
1,847 Using np.average in groupby or any aggregate function with parameters
1,847 Fastest way to insert a 2D array into a (larger) 2D array
1,847 Exporting ISO date in Numpy
1,846 Trinomial tree in Python
1,846 Packaging legacy Fortran in Python. Is it OK to use setuptools and numpy.distutils?
1,846 Numpy - AttributeError: 'Zero' object has no attribute 'exp'
1,846 How to draw random planes
1,846 Encoding custom python objects as BSON with pymongo
1,845 Python: Numpy and Pandas Transforming timestamp/data into one-hot-encoding
1,845 EWMA Volatility in Python - Avoiding loops
1,845 Calculating Mean & STD for Batch [Python/Numpy]
1,844 Why is for loop on native python list faster than for loop on numpy array
1,844 Remove sequential NumPy array index in a loop over it's content
1,844 NumPy: financial irr method returns 'nan'. Why?
1,844 Lock free read only List in Python?
1,844 How to interpret numpy.gradient?
1,844 Create mesh from cells and points in Paraview
1,843 What alternatives are there to numpy on Google App Engine?
1,843 Neural network XOR gate not learning
1,843 Extract and save a slice from a volume with numpy
1,842 numpy.view gives valueerror
1,842 Numbers ending with j
1,841 numpy fromstring empty string separator
1,840 Writing an ASCII file from a 2D numpy array
1,840 Repeat elements of list between each other until we reach a certain length
1,840 Plotting scientific format on the axis label and different size minor formatter text size
1,840 How to append numpy arrays?
1,840 Fastest way to create and fill huge numpy 2D-array?
1,840 3d numpy record array
1,839 Read image file in Python and compute Canny edge filters
1,839 Python - mask multidimensional
1,839 Plot Distance matrix for a 1D array
1,839 my power spectra are believable? a comparison between lomb-scargle and fft (scipy.signal and numpy.fft)
1,839 How to read Complex Binary file (.fc32) in python?
1,839 Crop an image, based on values
1,839 Compute square distances from numpy array
1,839 Calculating and Plotting 2nd moment of image
1,839 A faster refresh rate with plt.imshow
1,838 Python Numpy Sort rows [duplicate]
1,838 How can I mask elements of a record array in Numpy?
1,838 Combining two 1D arrays of different data types into 1 2D array in PYTHON
1,838 can python numpy poission generate a float?
1,837 trying to publish an array of words in rospy using numpy
1,837 Is it possible to store multidimensional arrays of arbitrary shape in a PyTables cell?
1,837 How do I keep str(numpy.array) from automatically inserting a newline
1,837 Averaging histograms with Numpy
1,836 Save numpy ndarray into a txt file
1,836 Rolling integral over pandas dataframe with time index
1,836 Reading many values from numpy C API
1,836 How to take the trace of a csr matrix
1,836 3D tiling of a numpy array
1,835 Using prepared data for Sci-kit classification
1,835 Python Updating Global variables
1,835 Numpy: conditional np.where replace
1,835 How to hstack arrays of numpy records?
1,835 Create the Oriented Bounding-box (OBB) with Python and NumPy
1,834 What is the best way to create a moving window in 2D array ond order pixels
1,834 numpy blit (copy part of an array to another one with a different size)
1,834 Group duplicate column IDs in pandas dataframe
1,833 Why does my tanh activation function perform so badly?
1,833 Reading Data from CSV and fill Empty Values Python
1,833 python numpy get masked data without flattening
1,833 How do you access ward/centroid/median clustering in scipy?
1,833 get_dummies(), Exception: Data must be 1-dimensional
1,833 Find the root of a cubic function
1,833 Draw a terrain with python?
1,833 Complementary Filter Code Not functioning
1,833 Anaconda's NumbaPro CUDA Assertion Error
1,832 Static pointer to dynamically allocated buffer inside function
1,832 Python's and Numpy's nan and set
1,832 Preprocessing of a single image for prediction. ( CNN build and trained with Keras)
1,832 Confusion regarding np.tile and numpy broadcasting
1,831 reshape list of numpy arrays and then reshape back
1,831 Python : fit a curve to a list of integers
1,831 Numpy structured arrays: string type not understood when specifying dtype with a dict
1,831 Modify the Ramer–Douglas–Peucker (RDP) algorithm in numpy to return a mask instead of the values
1,831 Issues installing OpenCV 3.2.0 (Windows)
1,830 Run python script (with numpy dependency) from java
1,830 Numpy: Subtract 2 numpy arrays row wise
1,830 numpy: broadcast matrix multiply accross array
1,830 Not able to import numpy: AttributeError: type object 'numpy.ndarray' has no attribute '__array_function__'
1,830 How to merge 2 numpy arrays?
1,830 How to create an edge list dataframe from a adjacency matrix in Python?
1,830 Best way to store unit information in numpy structured array?
1,830 A random normally distributed matrix in numpy
1,829 Numpy creating an array of powers of 2
1,828 Implement a classic martingale using Python and Pandas
1,828 how to convert string to numeric in python
1,828 Groupby an numpy.array based on groupby of a pandas.DataFrame with the same length
1,827 NumPy's savetxt does not export delimiter when defining fmt for each column
1,827 NumPy data type comparison
1,827 Numerical double integration of a function in python with a list of fixed variables
1,827 Loadtext for specific number of lines
1,827 innitiate an numpy.array and append/concatenate with no sucess
1,827 Implementing Discrete Gaussian Kernel in Python?
1,826 Numpy: Find column index for element on each row
1,826 How do I access the elements of a slice object in python
1,826 grouped pandas DataFrames: how do I apply scipy.stats.sem to them?
1,826 Concatenate elements of an array with numpy?
1,826 Cannot open image. Not a valid bitmap file or its format is not currently supported
1,825 numpy: fromfile for gzipped file
1,825 NumPy FFT tuple index out of range?
1,825 How to read two arrays or matrices from a text file in Python?
1,825 How to cluster a time series using KMeans in python
1,824 Using numpy.loadtxt, how does one convert strings in the .txt file into integer values/floats?
1,824 Python 3.4 ImportError: No module named '_gdal_array'No module named '_gdal_array'
1,824 Pandas interpolate data with units
1,824 How to create a ''Goal Seek'' using SciPy's functions
1,824 Generate stl mesh from csv
1,823 Statistics with numpy
1,823 save multiple pd.DataFrames with hierarchy to hdf5
1,823 Python savetxt write as int
1,823 numpy - Append to array without making a copy
1,823 Alternative for numpy.choose that allows an arbitrary or at least more than 32 arguments?
1,822 Why does python keep crashing when plotting with matplotlib?
1,822 transforming coordinates in matplotlib
1,822 Python: Memory error with large Matrix Multiplication
1,822 no module named numpy python2.7
1,822 How to reshape python list without numpy
1,822 Cython Memoryview as return value
1,821 Python Apply Low Pass Filter On Some Data
1,821 Oversample Numpy Array (2D) [duplicate]
1,821 OSError: Failed to interpret my file as a pickle (numpy)
1,821 numpy - Python - Selectively import parts of the .txt file
1,821 Numpy column wise multiplication
1,821 non-zero solution for linear equation with numpy
1,820 How to normalize one dimension of a 2-dimensional array in python numpy? [duplicate]
1,818 Weird findings initializing the array with numpy.NAN
1,818 Pythonic way of slicing out part of a numpy array
1,818 How do I find and remove white specks from an image using SciPy/NumPy?
1,818 Find the closest value to another value in a NumPy array [closed]
1,818 cv2.imread always returns None type - using cv virtual environment
1,817 Using scipy.signal.spectral.lombscargle for period discovery
1,817 Store an image in an array using Python
1,817 Replacing a division by zero error with a zero in numpy
1,817 Proper way to read/write fortran order array with numpy
1,817 numpy elementwise outer product
1,817 How to create an anti-diagonal identity matrix (where the diagonal is flipped left to right) in numpy
1,817 How to chart live updates to logfile using matplotlib?
1,817 Finding the median of a histogram [duplicate]
1,817 Extracting floating-point significand and exponent in NumPy
1,817 Count number of events per hour given in datetime/numpy
1,817 Attribute error: ''module 'numpy.random' has no attribute 'uniform' ''
1,816 TypeError: 'Timestamp' object is not subscriptable
1,816 Slicing-based assignment in Keras / Tensorflow?
1,816 Scikit-learn installation: ''ImportError: No module named sklearn''
1,816 numpy: ndenumerate for masked arrays?
1,816 numpy broadcast from first dimension
1,815 Sort rows and columns of a matrix by another list with numpy
1,815 set_printoptions for numpy array doesn't work for numpy ndarray?
1,815 Python: help(numpy) causes segfault on exit
1,815 Initialize a 200 by 785 numpy matrix with values from a Gaussian distribution with mean 0, std. deviation 0.01
1,815 How to determine image size for skimage.view_as_windows function?
1,815 How convert a list of tupes to a numpy array of tuples?
1,815 Hand gesture recognition (PCA) - Python [duplicate]
1,815 Error with Import Python Packages(Such as Numpy)
1,814 Reshape arrays from MNIST
1,814 numpy equivalents of eig() and eigs() functions of Matlab
1,814 numba: sorting an array in place
1,814 Numba, Jitclass w/ nopython mode and dictionaries
1,814 mean from pandas and numpy differ
1,814 How can I efficiently read and write files that are too large to fit in memory?
1,814 doing better than numpy's in1d mask function: ordered arrays?
1,813 Replace part of numpy 1D array with shorter array
1,813 Python, numpy, matrix
1,813 Numpy.split with overlapping matrixes? [duplicate]
1,813 numpy: how to get a max from an argmax result
1,813 How to separate female and male without groupby() in python?
1,813 Contour plot python, how to change labels
1,813 Calculate difference in months from timestamps
1,812 Python - Stacking two histograms with a scatter plot
1,812 Python isinstance() of float failing assertion test
1,812 Numpy to weak to calculate a precise mean value
1,811 Why does Pandas coerce my numpy float32 to float64?
1,811 Sliding window - how to get window location on image?
1,810 Showing web camera through web interface (Python, CherryPy, OpenCV)
1,810 Scipy - Non-linear Equations System with linear constraints (beginner)
1,810 Scikit Learn - Identifying target from loading a CSV
1,810 Dynamically define a function
1,810 checking if a pair of value is inside a 2D array python
1,810 Can I apply a vectorized function to a pandas dataframe?
1,809 Using tf.data.Dataset as training input to Keras model NOT working
1,809 NUMPY create, fill with random binary data
1,809 How to find if any column in an array has duplicate values
1,807 Python numpy ValueError: setting an array element with a sequence
1,807 Python Numpy matrix multiplication in high dimension
1,807 pyqtgraph compile to executable file fails
1,807 print surface fit equation in python
1,807 How to repeat elements of an array along two axes?
1,807 How to extract rows from an numpy array based on the content?
1,807 Fastest way to get subset of numpy array in Cython
1,806 Minimal Example for dlib SVM using Python/Numpy
1,806 Interpolate data with multiple columns
1,806 Converting python, numpy, and scipy code into C++ compatible code?
1,805 StandardScaler in sklearn not fitting properly, or is it?
1,805 pd.Timestamp versus np.datetime64: are they interchangeable for selected uses?
1,805 NumPy random seed produces different random numbers
1,805 numpy.float64 is not iterable
1,805 Getting underflow error when using numpy
1,804 Triangle vs. Square distance matrix for Hierarchical Clustering Python? [duplicate]
1,804 Raspberry Pi OpenCV : src is not a numpy array, neither a scalar
1,804 numpy matrix subset view
1,804 Multiple Linear Regression using Python
1,804 Is there a way to make this Python kNN function more efficient?
1,804 How to calculate RMSPE in python using numpy
1,804 Handle with European date format in python pandas
1,804 Filtering multiple NumPy arrays based on the intersection of one column
1,804 Concatenate matrices/vectors in Python like in MATLAB?
1,804 Choosing a random sample from each row of Numpy array, excluding negative numbers
1,804 Adding `cimport numpy` to pyx file compiles ok but throws ValueError when run
1,803 VisibleDepricationWarning: converting an array with ndim > 0 to an index will result in an error in the future
1,803 Read a custom formatted datetime with numpy
1,803 Plot normal distribution in Python from a .csv file
1,803 Migrating from Stata to Python
1,803 Getting words out of a numpy array of sentence strings
1,803 Elementwise multiply 1D-numpy arrays (shapes (k,1) or (k,)) and have result have the shape of the first
1,803 Easiest way to return sum of a matrix's neighbors in numpy
1,802 Difference between numpy.linalg.solve and numpy.linalg.lu_solve
1,801 Python read data from file and convert to double precision
1,801 numpy array of strings indexing behavior
1,801 Creating a (multi) Line Plot from Pandas Dataframe?
1,800 Python OpenCV - Trouble detecting tiny ''holes'' (circles)
1,800 Plotting a NACA 4-series airfoil
1,799 Pytorch How to convert images into tensor
1,799 Python/Numpy - Wrap Slice Around End of Array
1,799 Pandas replace NaN values with a list for specific columns
1,799 numpy meshgrid of dynamic shape
1,799 Numpy- How to fix autocompletion in PyCharm 3.1.3
1,799 Least Squares method in practice
1,799 Iterate over pandas columns with row-wise comparisons
1,799 Insert Python NumPy array into PostgreSQL database
1,799 fastest approach to read a big ascii file into a numpy array
1,799 Converting data type of a column in a csv file
1,799 Binning in Numpy
1,798 Right way to share opencv video frame as Numpy array between multiprocessing processes
1,798 Numpy Concatenate to empty array
1,797 NumPy slicing of an image
1,797 How to combine 2 numpy.ndarray in numpy
1,797 Filtering a numpy meshgrid
1,797 alternating values in numpy
1,796 Using numpy isin element-wise between 2D and 1D arrays
1,796 Python: return the row index of the minimum in a matrix
1,796 Numpy multi-dimensional slicing with multiple boolean arrays
1,796 Numpy 2-D array boolean masking
1,796 How to draw and fill a polygon on a grid array using pure Numpy functions?
1,796 How to calculate a Cholesky decomposition of a non square matrix in order to calculate the Mahalanobis Distance with `numpy`?
1,796 How to account for column-contiguous array when extending numpy with C
1,796 Creating dynamic array name in python numpy
1,795 How to load percentage of data with sklearn.datasets.load_files
1,795 How can I divide a nXn colored image into non-overlapping, equal sized blocks, using python 2.7.13? [duplicate]
1,795 Conversion from U3 dtype to ascii
1,794 Wrapping custom type C++ pointer in Cython
1,794 Generate normal random numbers in float32/16 in-place
1,793 Why am I using older (and uninstalled) version of a python numpy package?
1,793 How to get a subarray in numpy
1,793 Fastest way to populate a matrix with a function on pairs of elements in two numpy vectors?
1,793 Explain np.polyfit and np.polyval for a scatter plot
1,793 Error 'module' object has no attribute 'freetype'
1,793 Efficiently generating random graphs with a user-specified global clustering coefficient
1,792 Repeat each values of an array different times
1,792 Parallel array manipulations in numpy
1,792 Numpy: Average of values corresponding to unique coordinate positions
1,792 How to use numpy fillna() with numpy.where() for a column in a pandas DataFrame?
1,792 Find index of first element in array close to float within tolerance, with numpy
1,792 convert timestamp string into datetime format
1,792 Connect points with same value in python matplotlib
1,791 SciPy - Compute eigenvector for particular eigenvalue in symmetric matrix
1,791 Python 3 code to read CSV file, manipulate then create new file ... works, but looking for improvements
1,791 Issues with Importing Modules into Python
1,791 Fast way to read interleaved data?
1,791 Converting Array of Lists to Keras Input
1,790 pretty printing numpy ndarrays using unicode characters
1,790 passing relu function to all element of a numpy array [duplicate]
1,790 pandas dataframe use np.where and drop together
1,790 matplotlib plot of complex valued function
1,789 How to write a numpy array to a byte memorystream?
1,788 Unexpected eigenvectors in numPy
1,787 Unable to solve system of equations using numpy [closed]
1,787 Python cv2 Image Pyramids
1,787 np.round, or np.around doesn't work
1,787 Efficient slicing of matrices using matrix multiplication, with Python, NumPy, SciPy
1,786 Regression along a dimension in a numpy array
1,786 python numpy - is there a faster way to convolve?
1,785 Why is numpy.array() is sometimes very slow?
1,785 NumPy: Find the maximum value from each row set it to 1 and rest as 0
1,785 How to find Mahalanobis distance between two 1D arrays in Python?
1,785 Get the closest point to a plane defined by four vertices in python
1,785 efficiently generate ''shifted'' gaussian kernel in python
1,784 Triangular mesh queries in Python
1,784 Tensorflow: Invalid argument: Shape mismatch in tuple component
1,784 np.load() unusually slow for larger files [closed]
1,784 Convert a PIL image to a numpy array
1,782 reshaping of an nparray returned ''IndexError: tuple index out of range''
1,782 Numpy broadcast array
1,782 How to apply function to only certain array elements?
1,782 how to apply custom function to each row of pandas dataframe
1,782 efficiently computing parafac / CP product in numpy
1,781 What is the correct way of passing parameters to stats.friedmanchisquare based on a DataFrame?
1,781 speeding up parsing of files
1,781 Python error: Mean of empty slice
1,781 Numpy 2D array indexing without out of bound and with clipping value
1,781 Matplotlib: How to increase colormap/linewidth quality in streamplot?
1,781 How to filter NA values and add it to a new DataFrame
1,781 Efficiently and simply convert from long-format to wide-format in pandas and/or numpy
1,781 AttributeError: list has no attribute dot
1,780 Python: Fast Hankel Transform for 1d array
1,780 How to use an array as its own indices in Numpy
1,780 How to load *.mat file and convert it to numpy array? [duplicate]
1,780 Faster numpy-solution instead of itertools.combinations?
1,779 Scipy Interpolate RectBivariateSpline constructor returns an error
1,779 In coo_matrix (scipy sparse matrix), how can I select and return ''random column index'' in each row excluding non-zero indexes in that row?
1,779 Cross correlation of multiple sequences avoiding for loop
1,778 Turn a 1D array into nD array? [duplicate]
1,778 fastest method to dump numpy array into string
1,778 Count number of objects detected using tensorflow object detection api
1,777 Python square wave function - What is going on here?
1,777 python separate round particles by offsetting contours / shrinking polygones
1,777 Numpy - Modal matrix and diagonal Eigenvalues
1,777 Matplotlib scatter plot with two colors [duplicate]
1,777 einsum on a sparse matrix
1,776 What is the most efficient way to convert numpy arrays to Shapely Points?
1,776 Sort a list with np.arrays python
1,776 Python NumPy doesn't resize correctly
1,776 mapping two numpy arrays
1,776 Aggregate Numpy Array By Summing
1,776 Add element at the start of array and delete at the end numpy
1,776 2D numpy Array to skimage
1,775 Numpy array.resize() - zeros 'first'
1,775 How to set lower triangular matrix of 0-1?
1,775 Extract values that satisfy a condition from numpy array
1,774 Python 3.6: trying to pip install numpy
1,774 Numpy.ma polyfit function for masked arrays crashes on integer input
1,774 Numpy-compatible image drawing library
1,774 Error when using numpy module in Sublime Text
1,774 AttributeError: module 'numpy' has no attribute 'square' [duplicate]
1,774 After installing NumPy in Python - I still get error: ''no module named numpy''
1,773 Using trained weights to plot 3d hyperplane
1,773 Too many indices for array
1,773 Tensorflow 1.5 build failing - missing path?
1,773 PIL open tif image only one channel
1,773 Is there a Matlab's buffer equivalent in numpy?
1,773 Diagonal Numpy Slicing
1,773 Creating pandas dataframe from API call
1,772 Use numpy to read a two-column csv file
1,772 how to append a numpy matrix into an empty numpy array
1,772 How do I correlate my original data with clustered data
1,772 extract the N closest pairs from a numpy distance array
1,772 Avoid 'MySQLConverter' object has no attribute '_timestamp_to_mysql' error with datetime64[ns] and MySQL
1,772 Add new rows to calculate the sum and average from exiting pandas dataframe
1,771 meshgrid with 2d array as input
1,771 matplotlib display images from left to right to bottom (matlab montage)
1,771 how to reshape a 4D tensorflow to a 2D
1,771 F# library or .Net Numerics equivalent to Python Numpy function
1,770 Python generator with numpy array
1,770 Numpy 1 Degree of Freedom
1,770 LinAlgError: Singular matrix from Statsmodels logistic regression
1,770 How can i remove a plot with Python?
1,770 Find the correlation of a non-linear function for numpy.corr()
1,770 Data row pulled from SQL Server with pyodbc is an ''unhashable type''
1,770 Converting a numpy string array to integers in base-16
1,769 Using Python for FFTs on audio files - sampling rate
1,769 tensor.numpy() not working in tensorflow.data.Dataset. Throws the error: AttributeError: 'Tensor' object has no attribute 'numpy'
1,769 Python: How to generate a vector with nonzero entries at random positions?
1,769 From list of dictionaries to np array of arrays and vice-versa
1,768 Reading data from a raw VTK (.vtu) file
1,768 numpy.array_split() odd behavior
1,768 Matplotlib 1.3.1: plot(matrix(''1,2,3'')) -> RuntimeError: maximum recursion depth exceeded
1,768 Large numpy arrays in shared memory for multiprocessing: Is something wrong with this approach?
1,768 How to perform univaraiate Analysis in Python using Plots
1,768 How to aggregate NumPy record array (sum, min, max, etc.)?
1,767 Vectorize over only one axis in a 2D array with numpy vectorize
1,767 tensorflow TypeError: unhashable type: 'numpy.ndarray'
1,767 How to merge DataFrame in for loop?
1,767 Correctly write a function of numpy meshgrid
1,766 tflearn to_categorical: Processing data from pandas.df.values: array of arrays
1,766 Shuffle ordering of some rows in numpy array
1,766 Sample a truncated integer power law in Python?
1,766 Python/Scipy kde fit, scaling
1,766 How to create a scipy.lti object for a discrete LTI system?
1,766 get the index of the last negative value in a 2d array per column
1,766 Find derivative of a function with Abs in python
1,766 Binarize image data
1,766 Applying last valid index mask to dataframe to get last valid values
1,765 Vectorizing `numpy.random.choice` for given 2D array of probabilities along an axis
1,765 transpose on 4-d array in numpy
1,765 sorting numpy structured and record arrays is very slow
1,765 Separating list of years into decades
1,765 scipy or numpy implementation of coordinate descent algorithm
1,765 OpenCV 2.4 estimateAffine3D in Python
1,765 How to replace a list of values in a numpy array?
1,765 How to Find the Neighbors of a Cell in an ndarray?
1,765 Fastest method to do an FFT
1,765 convert python list to numpy array boolean
1,765 Collect Spark dataframe into Numpy matrix
1,764 scipy.optimize.curve_fit setting a ''fixed'' parameter
1,764 Python: index 5324 is out of bounds for axis 0 with size 5040
1,764 Python, fourier series of discrete data
1,764 OpenCV Python: Error with using Mask parameter in GoodFeatureToDetect
1,764 Numpy: concatenate different dtypes whilst preserving each dtype
1,764 Multiplying numpy 2d Array with 1d Array [duplicate]
1,764 Matching elements in numpy array
1,764 Gaussian process algorithm erroring out, memory issues with numpy?
1,764 Finding indices of non-unique elements in Numpy array
1,764 Finding an unknown point using weighted multilateration
1,764 Convert a string with brackets to numpy array
1,763 numpy 3d array - selecting maximum elements along given axis
1,763 Kalman filter with varying timesteps
1,763 How exactly does the behavior of Python bool and numpy bool_ differ?
1,762 Using Numpy creates a tcl folder when using py2exe
1,762 UserWarning: Warning: converting a masked element to nan when running GAN
1,762 Python store cv image in mongodb gridfs
1,762 Numpy - Indexing with Boolean array
1,762 How can i access the ordering of contours in `opencv`
1,762 creating numpy array in c extension segfaults
1,762 convert string into multidimensional array
1,761 Value Error while running SVM in Sklearn
1,761 Sorting an array of arrays in Python
1,761 Python: memory efficient list with list.sort(cmp=myfnc)
1,761 Pandas plotting linear regression on scatter graph
1,761 Pandas fillna() not working as expected
1,761 Multiple indices for numpy array: IndexError: failed to coerce slice entry of type numpy.ndarray to integer
1,761 Finding the vertical and the horizontal gradients of a image using python
1,761 CMake Error ''NumPy import failure'' when compiling Boost.Numpy
1,761 Appending along 4th dimension of numpy array
1,760 np.load for several files
1,760 LinAlgError: Singular matrix
1,760 Changing the value of some indexes of an array in python
1,760 Anaconda crashes when I attempt to use certain Numpy, Scipy, or Matplotlib functions
1,759 Indexerror: list index out of range/numpy
1,759 Import numpy files from a downloaded zip to use in python script
1,758 Thicken a one pixel line
1,758 Python: Replacing NaN or MEAN instead of a -999 value in an array [duplicate]
1,758 Importing Numpy to Geany (Python 3.5.1)
1,758 How can I apply ceiling on a dataframe column?
1,758 Holt winters initial Seasonal Indices calculation in python
1,757 replace unique values in a pandas dataframe with random numbers
1,757 one hot encode a binary value in numpy
1,757 NumPy/SciPy in c# with Visual Studio 2008
1,757 Numpy read complex numbers from text file
1,757 How do I rotate a shape in python by +/- x degrees using numpy arrays?
1,757 Error while using stastmodels' WLS: SVD did not converge
1,757 dealing with zero log values in numpy/pandas
1,757 Create dataframe from itertools product
1,757 (4,1,2) Numpy Array Sort Clockwise
1,756 Residuals of Random Forest Regression (Python)
1,756 numpy NaN not always recognized
1,756 Numpy memory error with 256GB of RAM, 64-bit python, and 64-bit numpy. ulimit issue?
1,755 Python Class Memory Usage
1,755 How to create an array of linearly spaced points using numpy?
1,754 Using scipy.integrate.complex_ode instead of scipy.integrate.ode
1,754 OpenCV: setting inside of irregularly shaped contour to a color
1,754 NumPy memmap performance issues
1,754 numpy.dot is slow yet blas and lapack are installed, how to fix?
1,754 inserting numpy integer types into sqlite with python3
1,754 extract the dress from image with python
1,754 Creating dictionary from a numpy array ''ValueError: too many values to unpack''
1,754 CatBoostError: cat_features must be integer or string, real number values and NaN values should be converted to string
1,753 writing large netCDF4 file with python?
1,753 Implementing 2D inverse fourier transform using 1D transforms
1,753 How to pad a matrix to make it even sized in python
1,753 How to get all rows with invalid np.datetime64 dates in a pandas DataFrame
1,753 Divide one column in array by another numpy
1,752 Replacing loop with List Comprehension instead of loop getting a function to return a new array within the list comprehension
1,752 Pandas: Filling NA values to be filled based on distribution of existing values
1,752 installing numpy Raspberry Pi
1,752 How to extract fc7 features from AlexNet in pytorch as numpy array?
1,752 How do I add an RGB ImageItem to a pyqtgraph ViewBox? ValueError: could not broadcast input array from shape (256,256,4) into shape (256,256)
1,752 Assign a numpy array to a specific cell of a pandas dataframe
1,751 What is the best way to perform an anti-transpose in python?
1,751 Reading CSV file with numpy.genfromtxt() - delimiter as a part of a row name
1,751 numpy array mapping and take average
1,751 How to pre-load numpy data into a buffer like io.BytesIO to make it seekable?
1,751 How to calculate an angle between 2D vector and OX with numpy?
1,750 Where is the error? ''SystemError: new style getargs format but argument is not a tuple''
1,750 Python Numpy nonzero
1,750 Plotting stochastic processes in Python
1,750 Numpy + Python 15x slower than MATLAB? [closed]
1,750 numpy import fails when Python is embedded in C++
1,750 MemoryError when performing cross-validation using scikit-learn
1,750 Map Function for Numpy Matrix
1,750 Density plot for x,y array of points
1,749 Why does pandas.Series.corr return Nan whereas numpy or scipy compute a number?
1,749 ValueError: could not convert string to float---how to convert a list of lists of strings into a numpy array type float?
1,749 Reverse part of an array using NumPy
1,749 Remove row of numpy array based on values from two columns
1,749 Read streaming data from s3 using pyspark
1,749 Numpy, Reading from File with no delimiter but fixed pattern
1,749 Numpy Line-Plane intersection
1,749 numpy: code to update least squares with more observations
1,749 NumPy: better way to multiply a matrix by an array in-place?
1,749 Cython/Numpy - cimport numpy as np fails
1,748 Error installing pandas with pip: Could not find a version that satisfies the requirement numpy==1.9.3
1,748 Compiling a FORTRAN Module using f2py
1,748 Alternative to scipy.optimize.curve_fit
1,748 Add and Subtract multiple element of numpy array
1,747 Removing the baseline from data
1,747 printing sub-array in numpy as Matlab does
1,746 Sort numpy array by datetime objects
1,746 Pandas Return Cell position containing string
1,746 How to store array of really huge numbers in python?
1,746 Displaying data from binary file in python
1,746 Accessing NumPy record array columns in Cython
1,745 Random experiment of Binomial distribution using stats in python
1,745 numpy.ndarray: converting to a ''normal'' class
1,745 How do I apply function to third-dimension array effectively with numpy?
1,745 Display image converted to numpy array in Tkinter with PIL
1,744 Wrong results with Python multiply() and prod()
1,744 Numpy: raise ValueError(''shape too large to be a matrix.'')
1,744 numpy array each element multiplication with matrix
1,744 How could I get a daily average in python?
1,744 Find geometry (shapes) from node cloud
1,743 Numpy: Multiple Outer Products
1,743 How to use SMAPE evaluation metric on train dataset?
1,743 Find rank and percentage rank in list
1,743 4d interpolation in python
1,742 Wrong fit using scipy curve_fit
1,742 Scipy curve_fit does not seem to change the initial parameters
1,742 Pandas install requiring NumPy 1.6.1
1,742 Numpy Convert N dimensional array into two dimensional array
1,742 Import NumPy gives me ImportError: DDL load failed: The specified procedure could not be found?
1,742 How to resolve function approximation task in Python?
1,742 How can I use the struct library in python to pack a double into two uint32's
1,742 Convert a numpy array to a DataFrame in pyspark to export as csv
1,741 numpy.polyfit has no keyword 'cov'
1,741 numpy dtype error - (structured array creation)
1,741 multidimensional array multiplication in numpy
1,741 How to read array data into numpy array from text file?
1,740 Using numpy shape output in logic
1,740 building a pairwise matrix in scipy/numpy in Python from dictionaries
1,739 Get coordinates of non-nan values of xarray Dataset
1,739 Conjugate Gradient implementation Python
1,738 setup.py for packages that depend on both cython and f2py
1,738 Pandas: Apply rolling function to compute new column value
1,738 OpenCV find coloured in circle and position value Python
1,738 numpy function to aggregate a signal for time?
1,737 Tensorflow - Graph is finalized and cannot be modified
1,737 Numpy: shuffle arrays in unison multiple times with different seeds
1,737 Numpy: Inverse Transforming Different Size Array
1,737 filling numpy array by index
1,737 f2py: input not fortran contiguous
1,736 Transportation cost flow optimization using Python Scipy Minimize
1,736 numpy.dot() gives TypeError: can't multiply sequence by non-int of type 'float'
1,736 build a DataFrame with columns from tuple of arrays
1,735 reshaping ndarrays versus regular arrays in numpy?
1,735 NLOPT Invalid argument Python
1,735 Is the upper triangular matrix in function scipy.linalg.lu always in row echelon form?
1,735 How to find polygon vertices from edge detection images?
1,735 Failed to import Numeric: No module named Numeric in F2PY
1,735 Changing data type (dtype) of tabular.tabarray or numpy.recarray
1,734 Replacing missing values with random in a numpy array
1,734 Pandas split comma separated string into 2 separate columns and explode rows down
1,734 Numpy: An efficient way to merge multiple slices [duplicate]
1,734 How do I import a plotly graph within a python script?
1,734 Convert Tecplot ascii to Python numpy
1,734 Concurrent i/o and processing for large data files in python
1,733 memory efficient random number iterator without replacement
1,733 Increasing efficiency of barycentric coordinate calculation in python
1,733 How to remove a particular version of Numpy
1,733 converting time to Hz in python
1,733 Change FaceColor and EdgeColor of Matplotlib Streamplot Arrows
1,732 Subtracting columns from a numpy array
1,732 Shorthand notation for numpy.array() [closed]
1,732 numpy savetxt: save a matrix as row
1,732 How to call function for scipy.optimize.fmin_cg(func) in Python
1,732 How can I find if a point lies inside or outside of ConvexHull?
1,732 Copy or view numpy subarray using boolean indexing
1,732 Calculating standard deviation on list ignoring zeros using numpy
1,731 Graph a custom function in python
1,730 Updating Python and packages on OSX
1,730 Split a numpy column into two columns and keep them in the original array
1,730 Possible optimizations for calculating squared euclidean distance
1,730 Matlab diff(F,var,n) vs Python numpy diff(a, n=1, axis=-1)
1,730 Mask blank values using numpy.ma
1,730 comparing two large csv file and writing another one with python
1,730 Calculations within pandas aggregate
1,730 Calculating slope and intercept error of linear regression
1,729 TypeError: Mismatch between array dtype ('|S6') and format specifier ('%.18e')
1,729 reading a matrix and fetch row and column names in python
1,729 NumPy and SciPy. Static vs Dynamic loading
1,729 Finding index of array in 2 multidimensional array in Python
1,729 Changing data resolution in Python
1,728 Efficient way to count every pixels of an image of a particular value in Python?
1,728 Efficiently find row intersections of two 2-D numpy arrays
1,728 Can't import 'datasets' with scikit-learn
1,727 Searching a sub-array inside a 2D array (image recognition) [closed]
1,727 python counting number of presence and absence of substrings in list of sequences
1,727 How to make numpy.cumsum start after the first value [Python]
1,727 How to build (or precompute) a histogram from a file too large for memory?
1,727 Given y_pred with categories 0,1,2 how do I select only categories 1 and 2 to perform metrics on in Keras?
1,726 Using python to generate clusters of data?
1,726 Standardizing numpy array in Keras
1,726 Ordinary Least Squares Regression for multiple columns in Pandas Dataframe
1,726 Maintaining a ratio when splitting up data in python function
1,726 Counting Neighbors in Matrix - Conway Game of Life
1,726 AttributeError: Numpy object 'NpzFile' has no attribute 'zip'?
1,725 Rotation of object using Euler Matrix in python
1,725 Numpy doesn't change value of an array element after masking
1,725 Nan to Num Python
1,725 How to sort a 2D numpy array lexicographically by one column?
1,725 How to improve performance when interpolating on 3d data with SciPy
1,725 How to convert built-in method values of dict object to dictionary
1,725 Adding color to Polar Scatter plot data points
1,724 Why does `imshow` display a 2D (non-RGB) array in color, and how can I export such a color image to a .png file?
1,724 pandas.concat produces all NaN
1,724 How to convert string to a dataframe name pandas/python
1,724 Global Average Pooling from Array
1,723 performance of NumPy with different BLAS implementations
1,723 Pandas: Random integer between values in two columns
1,723 How can we get 3D volume of Dicom CT images - Python
1,722 Splitting a numpy array into two subsets of different sizes
1,722 How avoid error ''TypeError: invalid data type for einsum'' in Python
1,722 Extract the real part of an array in python
1,721 What's the difference between the shapes of variable in Theano
1,721 Python/Numpy: Conditional simulation from a multivatiate distribution
1,721 Populating a numpy matrix using fromfunction and an array
1,721 Installing numpy via command line in Windows
1,721 Genfromtxt file name
1,721 Fastest way to check if two arrays have equivalent rows
1,721 Cumulative integration of elements of numpy arrays
1,721 AttributeError: 'numpy.ndarray' object has no attribute 'step'
1,721 Anomalies when trying to fit student's t distribution using scipy
1,720 Set RGB white to transparent?
1,720 How to find the first True value in a data frame column based on index value
1,720 einsum and distance calculations
1,720 Declare constraints for basinhopping optimization
1,720 Conditional numpy.cumsum?
1,720 Applying Sklearn Gaussian Mixture algorithm to fit GM curves
1,719 Rounding errors with floats in Python using Numpy
1,719 populate numpy array through concurrent.futures multiprocessing
1,719 MATLAB matrix multiplication performance is 5x faster than NumPy
1,719 How do I increase the dimensions of a numpy int32 array?
1,719 Can't install pandas as pip can't proceed with requirement due to pre-existing build directory
1,718 Python: shape of a matrix and imshow()
1,718 Python - How to replace None values in a numpy array with the median of adjacent elements
1,718 Numpy xor-reduce an array
1,718 numpy, Select elements in rows by 1d indexes array
1,718 How to split a DataFrame or Matrix into train and test sets on value not row?
1,718 How can I rotate an ndarray (image) properly?
1,717 What additional work is done by np.power?
1,717 Planck's Energy Density Python
1,717 Different numpy version in Anaconda and numpy.__version__ in IPython Shell
1,717 Converting numpy array into pandas dataframe
1,716 Tensorflow vs Numpy math functions
1,716 How to test if a matrix is a rotation matrix?
1,716 Extra spaces in the representation of numpy arrays of floats
1,716 Applying a function for all pairwise rows in two matrices under Numpy
1,715 Why does installing numpy using pip fail, while building directly does not?
1,715 Recommended setup involving Scitools, NumPy, and SciPy
1,715 Python performance using Boost Python doesn't improve
1,715 OpenCV Real-time screen capture put rectangle around items in ROI Python
1,715 Keras fit model: TypeError: unhashable type: 'numpy.ndarray'
1,715 Is t-SNE's computational bottleneck its memory complexity?
1,715 How to use a pair of nested for loops to iterate over a 2-d array?
1,715 How to replace NaN values in Pandas conditionally?
1,715 Compute multivariate normal density for multiple datapoints
1,715 Chamfer distance between two point clouds in tensorflow
1,714 what's the mean of ''reshape(-1,1,2)''
1,714 Using numpy.where() to iterate through a matrix
1,714 Timeseries Resampling
1,714 scipy integrate over array with variable bounds
1,714 Python - name output file to include part of input file name
1,714 Install Numpy 1.8 in Travis CI
1,714 How to divide one columns value by a previous rows column(not the same column) and add the result as a new dimension to a numpy array?
1,714 Changing tick labels without affecting the plot
1,713 <unknown> is not a numpy array error
1,713 unevenly centered subplots in matplotlib in Python?
1,713 Tensorflow Create Protobuf for a Tensor
1,713 python reshape structure array to normal numpy array
1,713 Numpy: set one specific element of each column based on indexing by array
1,713 Numpy: how to use argmax results to get the actual max? [duplicate]
1,713 Numpy get index of row with second-largest value
1,713 How to remove 'None' from an Appended Multidimensional Array using numpy
1,713 Group by column in pandas dataframe and average arrays
1,713 Converting NumPy array to a set takes too long
1,713 Compute the trace of a matrix across all diagonals
1,712 Using a `tf.Tensor` as a Python `bool` is not allowed. Use `if t is not None:` instead of `if t:` to test if a tensor is defined,
1,712 Representing a ragged array in numpy by padding
1,712 [Python]Conversion issue: Float --> Bytes and viceversa
1,712 How to convert all layers of a pretrained Keras model to a different dtype (from float32 to float16)?
1,712 Error in numpy.linalg.solve when trying to calculate exact solution
1,711 Using mask to replace string in numpy
1,711 Product of array elements by group in numpy (Python)
1,711 Numpy np.newaxis [closed]
1,711 How could I convert tensor type to numpy narray type in my function?
1,710 Inverse of a symmetric matrix
1,710 Flip 3D numpy Array
1,710 Differences between X.ravel() and X.reshape(s0*s1*s2) when number of axes known
1,710 Are Python modules compiled?
1,709 Python-Memory error while convert sparse matrix to dense matrix
1,709 Python: How to create a legend using an example
1,709 Python + alglib + NumPy: how to avoid converting arrays to lists?
1,709 Multiplying NumPy arrays by scalars
1,709 Multiple processes sharing a single Joblib cache
1,709 How to get indexes of k maximum values from a numpy multidimensional array
1,708 Weighted sum of matrices in Tensorflow
1,708 Trouble plotting pandas DataFrame
1,708 R translation to Python
1,708 Python Pandas: Using apply() to subtract a value from an array
1,708 NumPy: Find sorted indices from a masked 2D array above and below a threshold
1,708 Efficient summed Area Table Calculation with Numpy
1,708 DGESDD Lapack routine loading from numpy failed
1,707 using tensorflow fill method to create a tensor of certain datatype
1,707 Pandas plot subplots of a 'group by' result
1,707 Pandas/datetime/total seconds : numpy.timedelta64' object has no attribute 'total_seconds'
1,706 Project image onto inside of sphere with Python Numpy
1,706 LSTM preprocessing: Build 3d arrays from pandas data frame based on ID
1,706 ImportError and PyExc_SystemError while embedding Python Script within C for PAM modules (.so files)
1,706 How to compare great circle distance with euclidean distance of two sphere points using python?
1,706 Color-coding a histogram
1,705 Rearrange sparse arrays by swapping rows and columns
1,705 numpy.genfromtxt- ValueError- Line # (got n columns instead of m)
1,705 Logical OR without using numpy.logical_or
1,705 How does zero-padding work for 2D arrays in scipy.fftpack?
1,704 Unable to install python package ''toml''
1,704 In Python and numpy, How do I replace missing values in an array with the previous element? (Masked array?)
1,703 Speed up computation for Distance Transform on Image in Python
1,703 Linspace in numpy library
1,703 How to loop sklearn linear regression by values within a column - python
1,703 Efficiently count the number of occurrences of unique subarrays in NumPy?
1,702 ValueError: could not broadcast input array from shape (450,1000,3) into shape (400,500,3)
1,702 SciPy/NumPy: Normalize a csr_matrix
1,702 Python: pick appropriate datatype size (int) automatically
1,702 Python: pick appropriate datatype size (int) automatically
1,702 python/numpy fastest method for 2d kernel rank filtering on masked arrays (and/or selective ranking)
1,702 Plot a lagrange polynomial from a set of points PYTHON
1,702 Pandas resampling using numpy percentile?
1,702 Numpy.putmask with images
1,702 Is there a way I can vectorize fsolve?
1,702 How to install NumPy for IronPython in 2017?
1,702 How to create a nested matrix in python
1,702 apply numpy.histogram to multidimensional array
1,701 numpy: difference between NaN and masked array
1,701 Convert QPixmap to Numpy
1,701 Computing the trace of a hat matrix from and independent variable matrix with a large number of rows; how can I avoid memory errors?
1,701 Applying a function on every row of numpy array
1,700 Randomly introduce NaN values in pandas dataframe
1,700 Faster way than concatenate of combining multiple cv2 images (numpy arrays) in python?
1,700 Built in Numpy Exceptions?
1,700 Align numpy array according to another array
1,699 Python running matplotlib.nxutils points_inside_poly on mac
1,699 Pandas alternative to apply - to create new column based on multiple columns
1,699 How to calculate an exponential moving average with python faster?
1,699 Count unique elements along an axis of a NumPy array
1,699 Cannot figure out what input to use to get cv2.calcOpticalFlowPyrLK method to work
1,699 Adding a column to a 2D list
1,698 Want to append colored images to a list and convert that list to grayscale using OpenCV
1,698 Speed up function evaluation for integration in scipy
1,698 Read CSV file as a dictionary containing first row as headers (keys)
1,698 Python: Parse string to array
1,698 Python: Element assignment in a scipy.sparse.diags matrix
1,697 Using Python for adding column in a CSV file
1,697 OpenCV Hough Circle Transform needs 8-bit image
1,697 numpy matrix trace behaviour
1,697 Is it possible to use variable name in imread? Basic issue in Python
1,697 Fast random weighted selection across all rows of a stochastic matrix
1,697 Dealing with masked coordinate arrays in pcolormesh
1,696 yaml.dump throws an error on numpy.array type attribute of an object in Python
1,696 Splicing NumPy arrays
1,696 FIlter 2d array using 1d boolean array [duplicate]
1,695 Why is numpy slower than for loop
1,695 Swapping array dimensions with NumPy
1,695 Removing Array Elements in Python while keeping track of their position
1,695 python recursive vectorization with timeseries
1,695 How can I apply the Homomorphic filtering in Python (i.e. using OpenCV)?
1,695 Detecting periodic repetitions in the data stream
1,694 ValueError: matrices are not aligned, with correct shape of matrices
1,694 Using Matplotlib and Numpy, is there a way to find all line intersections for Linear Equations?
1,694 concatenate arrays with mixed types
1,693 How to find business days between dates with Pandas CDay?
1,693 How to calculate a Normal Distribution percent point function in python
1,693 Deleting elements from numpy array with iteration
1,693 Convert timeseries to image matrix
1,692 Python; Append vector to an array
1,692 In numpy, how can I randomly choose a number from a range that excludes a random number that was previously chosen?
1,692 how to remove e scientific notation from mean method of numpy lib in python
1,692 How to apply a function for each element in a matrix in Python?
1,691 what is the difference between int16 and in32 dtype
1,691 Python: efficient way to find orthogonal vectors connecting many points (x,y) to the closest spot on a known function y(x)
1,691 Memory Error: Unable to allocate array shape ({very large}), solution for windows Python
1,691 Matrix multiplication with multiple numpy arrays
1,691 Linear equation system in python
1,691 how to make a numpy recarray from column arrays
1,691 How to convert 3D RGB label image (in semantic segmentation) to 2D gray image, and class indices start from 0?
1,691 Get element closest to cluster centroid
1,691 Fast Fourier Transform (fft) with Time Associated Data Python
1,690 TensorFlow: Train model on a custom image dataset
1,690 PIL.Image.fromarray produces distorted image after np.reshape
1,690 Generating random number for class attribute
1,690 Generate random integer without an upper bound
1,690 Finding indices given condition in numpy matrix
1,690 Fill 2-D numpy array with index location
1,690 Any reason why numpy's linspace does not support a dtype specification?
1,689 Using threading to slice an array into chunks and perform calculation on each chunk and reassemble the returned arrays into one array
1,689 How to convert a contour list into a numpy array?
1,689 Extract elements from numpy array, that are not in list of indexes
1,689 Converting Numpy Structured Array to Pandas Dataframes
1,689 Casting numpy dtypes to pandas DataFrame
1,689 ask for help for a sum (sigma) function
1,688 Numpy savetxt to csv with integer integer string
1,688 Numpy loadtxt single line into multidim-array
1,688 Numpy hstack explodes memory [duplicate]
1,688 numpy and pil reshape arrays
1,688 How to control dimensions of empty arrays in Numpy
1,688 Apply a pairwise shapely function on two numpy arrays of shapely objects
1,687 Use of scipy.signal.lombscargle
1,687 Tensorflow uses too much memory when initializing with constants
1,687 Scipy Curve_fit function uses initial guess values instead of actually fitting
1,687 Interpolate without having negative values in python
1,687 How to output last column element of NumPy 2D array ignoring nan in Python?
1,687 Dividing Histograms in Pandas
1,687 Create a Boolean column based on a condition
1,687 Cannot load an array with numpy load()
1,686 Use similarity matrix instead of dissimilarity matrix for MDS in scikit-learn
1,686 Python for loop over matrix
1,686 Python: Error --> setting an array element with a sequence
1,686 Need help converting Matlab's bsxfun to numpy
1,686 Digit Recognition OCR in OpenCV-Python
1,685 sklearn: get feature names after L1-based feature selection
1,685 product of arrays of different sizes in numpy
1,685 Installing numpy-1.7.1 with MKL-10.3 using gcc-4.7.2 on linux
1,685 Import Numpypy when using pypy2.2
1,685 How to randomly generate really small numbers?
1,685 Cumulative sum of variable till a given percentile
1,685 About numpy's concatenate, hstack, vstack functions?
1,684 Python speeding up the search for a value in a dictionary of ranges
1,684 macOS Python with numpy faster than Julia in training neural network
1,684 dicom image resizing before converting to numpy array
1,683 System of equations solver pandas
1,683 Speed up sampling of kernel estimate
1,683 Python - slice array at different position on every row
1,683 Pythonic way to generate random uniformly distributed points within hollow square lamina
1,683 Need faster python code for calculating sample entropy
1,683 Multiply two numpy matrices in PySpark
1,683 How to get time of day for each element in a datetime64 array?
1,683 Cython - Define 2d arrays
1,683 AttributeError: 'module' object has no attribute 'version' Canopy
1,682 Return masked array as simple array with masked values as None
1,682 Python numpy: Matrix multiplication giving wrong result
1,682 Pandas Dtypewarning: How do I find the dtype of different cells in a column?
1,682 numpy 'isin' performance improvement
1,682 Numpy fusing multiply and add to avoid wasting memory
1,682 how to make argsort result to be random between equal values?
1,682 How do I reflect a matrix in matplotlib?
1,682 Getting error while using Dataframe and numpy array in Python
1,682 Converting List of Numpy Arrays to Numpy Matrix
1,682 Check if numpy array is masked or not
1,682 Broke my python build while adding numpy
1,682 Append columns to empty numpy array in python
1,681 Parallelize Image Processing Using Numpy
1,681 NumPy Broadcasting: Calculating sum of squared differences between two arrays
1,681 How do I make my numpy image take an alpha channel value in python
1,681 how do I make arrays to be of the same length
1,680 Valid data for imshow
1,680 scipy interp2d crashes for not being able to allocate memory, any alternative?
1,680 Python - How to add column headers from the generated List
1,680 numpy.ndarray sparse matrix to dense
1,680 exponential moving sum in numpy / scipy?
1,679 Scipy covariance of parameters could not be estimated. Working for similar data why not this data.
1,679 python numpy access list of arrays without for loop
1,679 Multiplying specific dimension matrices
1,679 Does pandas/scipy/numpy provide a cumulative standard deviation function?
1,679 Create boolean mask on TensorFlow
1,678 Use numpy & scipy in Azure web role
1,678 Trying to write numpy array (generated through a loop) into csv format
1,678 Receive multiple send commands using mpi4py
1,678 Passing a png image to a numpy array, what is the 4th column last dimension?
1,678 How to split the data set without train_test_split()?
1,677 np.loadtxt ignores the header, how can I save the header data?
1,677 How can I stream a NumPy array into a stream?
1,676 numpy negative indexing a[:-0]
1,676 How to implement Cross Validation and Random Forest Classifier given feature sets as dictionaries?
1,676 How do I fix the 'TypeError: hasattr(): attribute name must be string' error?
1,675 ValueError: setting an array element with a sequence with Decision Tree where all the rows have equal elements?
1,675 How to change the date format of the whole column?
1,674 Weird ''too many indices for array'' error in python
1,674 Segmentation Fault: 11 on OSX python
1,674 Numpy View Reshape Without Copy (2d Moving/Sliding Window, Strides, Masked Memory Structures)
1,674 Installing Numpy 1.9.2 on Windows 7
1,674 Importing csv into Numpy datetime64
1,674 How to split a numpy array knowing the size of each subarray
1,673 Using matplotlib *without* TCL
1,673 speeding up scipy.integrate.quad()?
1,673 Solve linear equations with multiple variables
1,673 Select pandas frame rows based on two columns' values
1,673 Rounding numpy float array read from img with python, values returned not rounded
1,673 plotting autoscaled subplots with fixed limits in matplotlib
1,673 np array as optional arguments
1,673 Include histograms in matplotlib scatterplot
1,673 How to trim wav files inside of Python [closed]
1,673 AttributeError: 'numpy.ndarray' object has no attribute 'powers_'
1,672 Theano shared variable update causes `ValueError: length not known`
1,672 Sklearn: negative dimensions are not allowed
1,672 Populate predefined numpy array with arrays as columns
1,672 Multiply two numerical columns on conditional using Pandas
1,671 Uniformly shuffle 5 gigabytes of numpy data
1,671 sort list of floating-point numbers in groups
1,671 Set rows of scipy.sparse matrix that meet certain condition to zeros
1,671 Selectively negate elements in an array
1,671 OpenCV 3.4.0.12 with Python3.5 AttributeError: 'cv2.VideoCapture' object has no attribute 'imread'
1,671 Inconsistent functionality of numpy columnstack/hstack
1,671 How to make a matrix of arrays in numpy?
1,671 How to increase the speed for SVM classifier using Sk-learn
1,671 Binning python tuples. Error due to empty bins
1,670 working with yml files in python and opencv
1,670 What is the sorting logic behind np.lexsort?
1,670 how to hash numpy arrays to check for duplicates
1,670 find and delete from more-dimensional numpy array
1,669 Why does numpy.zeros takes up little space
1,669 numpy slicing select parts of array
1,669 numpy and ROOT (numpy arrays management)
1,669 Matlab cell2mat function in Python Numpy?
1,669 Efficient netCDF analysis when looping through data
1,669 Change values of a 1D numpy array based on certain condition
1,668 Use Numpy Multidimensional Array Slicing Without Using the [slice,slice] Syntax?
1,668 TypeError when using scipy.integrate.odeint
1,668 Reading Multiple tiff files in python from a folder
1,668 label 3d numpy array with scipy.ndimage.label
1,668 How to include Python modules from a different Python version?
1,668 How to delete the lowest number in an array, and if there's several minimum numbers, delete the first
1,668 Extrapolate with LinearNDInterpolator
1,668 Buildozer Numpy RuntimeError: Broken toolchain: cannot link a simple C program
1,667 Why does comparison of a numpy array with a list consume so much memory?
1,667 How to cluster numpy array of coefficients for a heatmap
1,667 Deal with errors in parametrised sigmoid function in python
1,667 Can I avoid Python loop overhead on dynamic programming with numpy?
1,666 Python Anaconda - no module named numpy
1,666 Numpy: evaluation of standard deviation of values above/below the average
1,666 matplotlib a histogram with strings on x-axis
1,666 How to return an array of at least 4D: efficient method to simulate numpy.atleast_4d
1,666 Creating a ''bitmask'' from several boolean numpy arrays
1,666 all permutations of (b, c, a, ... , a) in a numpy array [closed]
1,665 Stochastic Gradient Descent for Linear Regression on partial derivatives
1,665 Python to Open .npy File
1,665 How to convert a pandas MultiIndex DataFrame into a 3D array
1,665 dynamic arrays and speed in python - fastest way to grow an array
1,665 binary search for multiple values
1,665 Argument 1234 in numpy.random.RandomState
1,664 Sort NumPy array by values in two columns [duplicate]
1,664 How to plot graph involving complex numbers?
1,664 getting values from a numpy array between two points
1,664 Difference between RandomState and seed in numpy
1,663 Numpy matrix multiplication fails (''shapes not aligned'') when second element is a vector/array
1,663 Jupyter (IPython) notebook numpy/pandas/matplotlib error (FreeBSD)
1,663 How to find the closest corresponding vectors between two coordinate matrices?
1,663 How to compare all columns with one column in pandas?
1,662 RNN time series predictions with multiple time series dimension with Keras, Tensorflow
1,662 python where function doesn't work
1,662 Pythonic way to calculate distance using numpy matrices?
1,662 Numpy: Is it possible to display numbers in comma-separated form, like 1,000,000? [duplicate]
1,662 Numpy: get index of smallest value based on conditions
1,662 numpy get all combinations of rows and column indices 2D array
1,662 How to find the number of unique elements in a list of ndarrays?
1,662 How should I use the h5py library for storing time series data?
1,662 Get the column which have maximum sum value from matrix
1,662 Error in coefficients for a polynomial using Numpy
1,662 Cleanly tile numpy array of images stored in a flattened 1D format
1,662 An Efficient Sieve of Eratosthenes in Python
1,661 SublimeText3 cannot find Python modules (numpy) installed with MacPorts
1,661 Right matrix division in Scipy/NumPy? [duplicate]
1,661 Numpy matrix multiplication with custom dot product
1,661 Numpy dot product problems
1,661 Different results when using sklearn RandomizedPCA with sparse and dense matrices
1,661 Add values in numpy array successively, without looping [duplicate]
1,660 Python - Select row in NumPy array where multiple conditions are met
1,660 invalid value in ''less'' when comparing np.nan in an array
1,660 i am trying to take shot from ipcamera and open as opencv and convert to numpy formate
1,660 How to change colour of certain elements of a matrix in matplotlib matshow?
1,660 Histogram rebinning with interpolation?
1,660 Find percentile in pandas dataframe based on groups
1,660 alternative parametrization of the negative binomial in scipy
1,660 Accessing an array with ctypes in Python
1,659 ImportError: No module named 'numpy' - on mac
1,659 HDF5 array extraction and conversion in NumPy
1,659 Finding intersection of points on a python graph generated by a list of points
1,659 Count and sort pandas dataframe
1,659 Check if 2 arrays have at least one element in common?
1,658 ValueError: setting an array element with a sequence. for pandas column
1,658 numpy error cannot perform reduce with flexible type when reading data from list and not array
1,658 List of 3x1 numpy arrays in Python
1,658 How to perform iterative 2D operation on 4D numpy array
1,658 How does Spark handle Timestamp types during Pandas dataframe conversion?
1,658 Cubic interpolation with derivatives in numpy
1,658 Concatenate many arrays in python
1,657 Remove transparent pixels from an image numpy array
1,657 convert <class 'list'> to numpy.ndarray
1,657 concatenate two arrays in python with alternating the columns in numpy
1,657 Animated contour plot from 3D numpy array Python
1,656 Scipy.optimize - curve fitting with fixed parameters
1,656 Opencv: How to detect pixel color change
1,656 How do I find what index a True value is located at in an array contaning True and False values?
1,656 Combine matrix in numpy
1,656 appending integers to empty NumPy array in Python
1,655 Py2exe complains about missing dll when I have them?
1,655 Iterate over a dict, compare current and previous value
1,655 dictionary with tuple into a dataframe
1,655 Counting number of items based on condition
1,655 Convert dataframe to a numpy matrix
1,655 Compare a numpy array to each element of another one
1,654 passing 2d array from numpy to c++ via swig can't use float**
1,654 NumPy: TypeError: reshape() got an unexpected keyword argument 'order'
1,654 How to quickly iterate over and modify pixel arrays with numpy?
1,654 How to initialize multidimensional numpy array
1,654 how to calculate probability mass function for multinomial in scipy?
1,654 dataframe representation of a rolling window
1,654 Construct huge numpy array with pytables
1,654 Adding a column to a Multiindex Dataframe
1,653 Scipy sparse matrix multiplication much slower than numpy array
1,653 ''numpy.interp'' ValueError: object too deep for desired array
1,653 numpy interpolation to increase array size
1,653 Memory error using scipy.fftpack, how to avoid it?
1,653 ''If'' function used for array in Python
1,653 Does marching cubes in vtk require specific input?
1,652 Python numpy arrays elements not changing value
1,652 Python draw graph
1,652 Numpy Matrix inverse with float128 type
1,652 How to write two variables in one line? [duplicate]
1,651 Theano.function equivalent in Tensorflow
1,651 Python openCv calcHist failing with error code (-215)
1,651 Inplace rotation of a matrix
1,651 How to force convert all my values from uint8 to int and not int64
1,651 How to combine a numpy array and a text column and export to csv
1,651 Generate n choose 2 combinations in python on very large data sets
1,651 Discontinuous timeseries plot with dates on x-axis
1,651 Avoiding exponential values in loadtxt [duplicate]
1,650 TypeError: unsupported operand type(s) for /: 'Image' and 'int'
1,650 Overload operator __mul__ python [duplicate]
1,650 Make list of arrays in python
1,650 Long integer shape of Numpy arrays
1,650 How to calculate the generalized inverse of a Sparse Matrix in scipy
1,650 Extrapolate GridData utilizing RBF
1,649 remove randomly chosen elements from array
1,649 Numpy attributes not recognized in Numba
1,649 Fastest way to calculate many regressions in python?
1,648 numpy.load from io.BytesIO stream
1,648 Numpy array Regex sub [closed]
1,648 numpy argmax with max less than some number
1,648 How to convert numpy bytes to float in python3?
1,647 ValueError: The truth value of array with more than one element is ambiguous. Use a.any() or a.all()
1,647 python column split
1,647 Numpy: Striding a multiple channel image
1,647 Is there a standard way to specify the type of a callback function in a docstring?
1,647 How to compute standard error from ODR results?
1,647 can't import numpy in Python 3.6.5
1,647 Calculate the duration of overlapping time ranges using pandas
1,646 Python: Efficient concatenation of numpy arrays in dictionaries
1,646 pdf_multivariate_gauss() function in Python
1,646 Numpy passing input array as `out` argument to ufunc
1,646 numpy.genfromtxt: Ambiguous delimiters?
1,646 Numpy array exclude some elements
1,646 How to simplify array into only unique values in Python
1,646 How to generate sample data that forms a normal distribution between two bounds in Python? [duplicate]
1,645 Why can a 352GB NumPy ndarray be used on an 8GB memory macOS computer?
1,645 Python - read audio stream
1,645 Python/numpy floating-point text precision
1,645 Ordered colored plot after clustering using python
1,645 Numpy delete repeated rows
1,645 Fixing Numpy failing to import multiarray
1,645 Calculating interest rates in numpy
1,644 How to load in txt file as data in Python?
1,644 Fast scalar triple product in numpy
1,644 Convert OpenCV triangulatePoints output for use in perspectiveTransform using Python
1,643 Vectorized implementation for `numpy.random.multivariate_normal`
1,643 Python Real time Audio Visualizer but without the graphs
1,643 Python: numpy.genfromtxt - Need column names that contain invalid characters
1,643 Numpy: argwhere axis=-1 contains a value >= 0
1,643 Matplotlib - Wrong normals on 3D bars plot
1,643 Installing python module bottleneck error
1,643 How would I install numpy library on Coding Ground?
1,643 How to modify numpy arrays in Spark dataframe?
1,643 genfromtxt creates 1D array of tuples instead of 2D array
1,642 Why are my grayscale images showing up in black and white?
1,642 Scipy.linalg.solve max array size
1,642 Is numpy.random.RandomState() automatically called whenever rand() is called?
1,642 Importing numpy package into ABAQUS 6.10 Python environment
1,642 How to select rows of a numpy data array according to class labels in a separate numpy array?
1,642 How can I set a minimum distance constraint for generating points with numpy.random.rand?
1,641 scipy cdist with sparse matrices
1,641 Scaling Amplitude After Windowing FFT to Recover Correct Amplitude
1,641 python/numpy: negate or complement a slice
1,641 Pandas Dataframe: How to perform operation on 2 columns from different direction
1,641 How to create equal spaced values in between unequal spaced values in Python?
1,641 How to combine a RGB image with a Grayed image in opencv?
1,641 How can I generate a proper MNIST image?
1,641 Generating a scatter plot in Matplotlib with negative and positive axes
1,640 Print predict ValueError: Expected 2D array, got 1D array instead
1,640 Invalid argument: Cannot parse tensor from proto: dtype: DT_FLOAT
1,640 How to create 2d array with numpy random.choice for every rows?
1,640 How to add a column of strings to a numpy string matrix?
1,640 Getting numpy Memory Error on (relatively) small matrix
1,640 Add 1 To Every Element in an ndarray if Not Zero
1,639 What is a fast way in Python to read HDF5 compound dtype arrays?
1,639 ValueError: setting an array element with a sequence when array is not a sequence
1,639 Passing C structs to python as numpy arrays using boost python
1,639 Numpy chain comparison with two predicates
1,639 Migrating from PuLP to Scipy
1,639 ''list assignment index out of range'' with numpy.histogram
1,639 Counting non zeros in only 1 column of a numpy array
1,638 python dicom - getting pixel value from dicom file
1,638 Numpy reshape yields a different size error
1,638 numpy.memmap for an array of strings?
1,638 how to fix a ' MaskedArrayFutureWarning ' in python numpy.maximum?
1,638 How to export array in csv or txt in Python
1,638 How can I discriminate the falling edge of a signal with Python?
1,638 Fastest way to scale a list of floats
1,638 Convert multidimensional list to multidimensional numpy.array
1,637 Unicode string in Matplotlib annotate
1,637 Subtract Numpy Array by Column
1,637 How to Integrate Arc Lengths using python, numpy, and scipy?
1,637 Calculate mean of arrays in NumPy
1,637 2D numpy array does not give an error when indexing with strings containing digits
1,636 Pycharm debugger, view as array option
1,636 Matplotlib: Colorize grayscale image using another image
1,636 How to plot two specific columns from a csv file in python
1,636 How can I send a byte-object over a pipe in python?
1,636 Cython optimization
1,636 Accessing every second row in matrix and save it to a new matrix, Python
1,635 NumPy: iterate over outer dimension of numpy array using nditer
1,635 np.isnan() == False, but np.isnan() is not False
1,635 How to read the data of a raw image in python - approach
1,635 How to copy numpy array values at certain indices
1,635 How to accumulate unique sum of columns across pandas index
1,635 2d surface plot in matplotlib with an irregullar data grid
1,634 Using itertools to create numpy array
1,634 Python Numpy recarray sort bidirectional
1,634 How to compute cophenetic correlation from the linkage matrix output by fastcluster's memory saving hierarchical clustering method?
1,634 fill off diagonal of numpy array fails
1,633 Row Sum of a dot product for huge matrix in python
1,633 numpy#genfromtxt raise an IOError while the txt file is empty
1,633 IndexError: list index out of range // numpy?
1,633 Detection of leaf on unpredictable background
1,633 Count number of clusters of non-zero values in Python?
1,633 Add Offset to Indices of Numpy Array
1,632 Plotting simple graph python, from txt file
1,632 pip3 install matplotlib fails with Command ''python setup.py egg_info'' failed with error code 1 Mac OS X
1,632 Panda load csv string to float
1,632 Obtaining Polynomial Regression Stats in Numpy
1,632 numpy.equal with string values
1,632 Numpy, a 2 rows 1 column file, loadtxt() returns 1row 2 columns
1,631 Unable to crop away transparency, Neither PIL getbbox() nor Numpy are working
1,631 RuntimeError: Attempted to use a closed Session in tflearn
1,631 python pandas column conditional on two other column values
1,631 Python3 Scipy: Desired error not necessarily achieved due to precision loss
1,631 how to speed up nested loops in Python
1,631 Get a hashable numpy memory view
1,630 Speed up Pandas filtering
1,630 importing NumPy in Parallel Python
1,629 Segment Line Intersection algorithm in Numpy
1,629 Python Solving System Of Equations For Variable On Both Sides Of Equality
1,629 numpy save/load corrupting an array
1,629 Inverse Transform ValueError: operands could not be broadcast together with shapes
1,629 Installing numpy from
1,629 How to suppress ''Future warning'' tensorflow?
1,629 How to paint pandas scatter matrix?
1,629 How to measure the quality of a best fit line in Python? [duplicate]
1,629 Extending numpy mask
1,629 Cython: Proper way to declare an unsigned int
1,628 Setting value of numpy array based on multiple criteria
1,628 Renaming single index in Pandas
1,628 how does numpy.linalg.norm ord=2 work?
1,628 Get a column of probability values for a certain class in python/sklearn
1,628 Curve fitting in Python using scipy
1,628 AttributeError: 'module' object has no attribute 'RLock'` [duplicate]
1,627 Using Numpy Array to Create Unique Array
1,627 Repeating rows in a pandas dataframe
1,627 numpy arange with multiple intervals
1,627 K-Means clustering multidimensional data with a heatmap
1,627 How to count rows in a data frame in Pandas conditionally against values in another column of the same data frame?
1,626 Why does pandas convert unsigned int greater than 2**63-1 to objects?
1,626 Why does numpy have a corresponding function for many ndarray methods?
1,626 Python - split numpy array into unequally sized parts
1,626 PEP-484 Type Annotations with own types
1,626 numpy boolean indexing multiple conditions
1,626 How to calculate moving average of NumPy array with varying window sizes defined by an array of indices?
1,626 Count number of unique colours in image [duplicate]
1,626 Could not convert string to float using dtype in nparray
1,626 convert array of tuples to 2 dimensional array
1,625 Python/numpy: Most efficient way to sum n elements of an array, so that each output element is the sum of the previous n input elements?
1,625 Numpy: subtract matrix from all elements of another matrix without loop
1,625 numpy matrix multiplication
1,625 how to write the scipy.optimize.minimize()'s parameter
1,624 use variables as key names when using numpy savez
1,624 Storing these vectors but which data structure to use in Python
1,624 Python, finding all local maxima of array, adjusting for flaws in measurement
1,624 How calculate the Error for trapezoidal rule if I only have data? (Python)
1,624 Eigenvector normalization in numpy
1,624 Creating a list of many ndarrays (different size) in python
1,624 Can a numpy array be compared to an integer?
1,623 Python: Comparing all elements of two arrays and modifying 2nd array
1,623 Put numpy arrays split with np.split() back together
1,623 Numpy/Scipy pinv and pinv2 behave differently
1,623 Numpy fancy indexing and assignment
1,623 How do you create a 3D array (data cube) in python?
1,623 Efficient identification of adjacent elements in numpy matrix
1,622 scipy.integrate.quad on functions returning numpy arrays
1,622 MemoryError during Fast Fourier Transform on an image using NumPy arrays under Windows
1,622 Install python libraries using shell script
1,622 Find a nodes 8 neighbors on a 2D grid
1,622 Error when using Pandas pivot_table with margins=True
1,622 Creating greyscale video using Python, OpenCV, and numpy arrays
1,622 Converting data from a csv file into numpy array issue
1,621 RGB to XYZ in Scikit-Image
1,621 Preventing Numpy from Generating NaNs [closed]
1,621 Fastest way to create a numpy array from text file
1,621 creating an numpy matrix with a lag
1,621 Change dtype for particular values in numpy array?
1,620 Use of numpy fromfunction
1,620 'tuple' object has no attribute 'reshape'
1,620 Numpy flipped coordinate system
1,619 MemoryError in IPython (using Windows)
1,619 Match Matlab hist() with Numpy histogram()
1,619 Efficient way of inputting large raster data into PyTables
1,618 Scipy.minimize - ''TypeError: numpy.float64' object is not callable running''
1,618 Large memory usage of scipy.sparse.csr_matrix.toarray()
1,617 Set matplotlib grid ticks based on specific dates
1,617 Numpy Array Rank All Elements
1,617 How to solve the polynomial eigenvalue in python?
1,617 How to add a 2D matrix to another 3D matrix in python?
1,617 Efficient math ops on small arrays in python with cython
1,617 discrete array integration numpy
1,617 compare tuple with tuples in numpy array
1,616 TensorFlow: ValueError: setting an array element with a sequence doesn't work even though I'm using numpy arrays
1,616 Sci-kit Learn PLS SVD and cross validation
1,616 Python - Mean and Standard Deviation over groups of columns
1,616 nearest intersection point to many lines in python
1,616 Multi-dimensional indexing in Numpy
1,616 Integrate a function with each element of numpy arrays as limit of integration
1,616 How to replicate array to specific length array
1,616 How to make a list of numpy arrays all have the same shape?
1,616 How to add only to diagonals of array in Python?
1,616 How do I find the values in my numpy array that are NaN/infinity/too large for dtype('float64')?
1,616 how can I get python's np.savetxt to save each iteration of a loop in a different column?
1,615 Why do I get AttributeError: 'numpy.ndarray' object has no attribute 'replace' in python?
1,615 ValueError: could not convert string to float: '62,6'
1,615 numpy random shuffle by row independently
1,615 Numpy dot() and array casting performace optimization
1,615 included numbers in numpy arange [duplicate]
1,615 efficiently find bit positions in binary strings in a numpy array
1,615 Cumulative product using Numpy or Scipy
1,614 Stack a square DataFrame to only keep the upper/lower triangle
1,614 read multiple data file into multiple arrays python
1,614 numpy weighted average for calculating weighted mean squared error
1,614 I want to find the Covariance between 1 column with all the other columns in a dataframe in pandas
1,614 I am getting error with im.show()
1,614 have local numpy override global
1,614 Create minutely date_time range using Pandas
1,614 Conda forcing numpy and scipy to downgrade from openblas to non-working mkl version
1,613 Slow and smooth drawing lines python matplotlib
1,613 numpy.interp & masked arrays
1,613 How to create a diagonal multi-dimensional (ie greater than 2) in numpy
1,613 How do I solve for x with a known function in equation using numpy/scipy?
1,613 Fastest way to solve least square for overdetermined system
1,613 Detrend or Filter a sawtooth signal (Python)
1,612 Slice border of 2D numpy array by integer value
1,612 Scipy installation on Python3
1,612 Python: Multi variable nonlinear fitting like matlabs nlinfit
1,612 Permutation of values on numpy array/matrix
1,612 numpy fromfile and structured arrays
1,612 Function For Column-wise correlations?
1,612 Error when importing PyLab on 64 - bit windows and Python
1,612 divide by arrays containing zeros, python
1,612 Determine if determinant is exactly zero
1,612 Can't get canvas to draw fig in matplotlib
1,611 Splitting arrays in RDD partitions in Pyspark
1,611 scipy.optimize.leastsq calls objective function with NaN
1,611 Numpy binary matrix - get rows and columns of True elements
1,611 in NumPy, how to insert an array into another array
1,611 Error using numpy.loadtxt
1,611 Calculating cosine similarity across column in pandas
1,610 scipy convolve2d outputs wrong values
1,610 Performing math.sqrt on numpy structured array column
1,610 Numpy multiplying different shapes
1,610 numpy Matrix Multiplication Simplification - is it possible?
1,610 NumPy C-API: convert type object to type number
1,609 Why can't I change numpy's array?
1,609 python slicing multi-demnsional array
1,609 Python replace zeros in matrix with 'circle' of ones
1,609 mean and stddev of non-zero columns of dataframe
1,609 How to create a linearspace of timestamps in python?
1,609 How do I fill two (or more) numpy arrays from a single iterable of tuples?
1,609 Copy Numpy array to a memoryview
1,609 center of mass for ROI in python
1,609 Can I compile numpy & scipy as eggs for free on Windows32?
1,608 Streaming multiple numpy arrays to a file
1,608 Read first N lines using readlines [duplicate]
1,608 Numpy: convert index in one dimension into many dimensions
1,608 how to write .npy file to s3 directly?
1,608 How to store multiple numpy 1d arrays with different lengths and print it
1,608 How to Remove Rows from Pandas Data Frame that Contains any String in a Particular Column
1,608 Howto make numpy ndarray.tobytes() return bytes in python 2.7
1,608 how do I check that two slices of numpy arrays are the same (or overlapping)?
1,608 Finding standard deviations along x and y in 2D numpy array
1,608 Fast performance array processing in Numpy/Python
1,608 Can't import numpy into embedded ironpython engine
1,608 calculation of residuals with numpy lstsq
1,607 Numpy: Multiprocessing a matrix multiplication with pool
1,607 How to subclass a subclass of numpy.ndarray
1,607 How to check a condition for each row in Pandas
1,607 Get all possible combinations of rows in a matrix
1,607 Find first element of numpy ndarray of unknown shape [duplicate]
1,606 What is the standard way for writing default values in a python docstring?
1,605 split a numpy array both horizontally and vertically
1,605 python pandas groupby for first date
1,605 Performance between C-contiguous and Fortran-contiguous array operations
1,605 Passing list to array
1,605 numpy.mean precision for large arrays
1,605 NumPy Array Copy-On-Write
1,605 Get consecutive ratios of elements python
1,605 Fast sampling without replacement in numpy [duplicate]
1,604 segfault using numpy's lapack_lite with multiprocessing on osx, not linux
1,604 python - 'the truth value of an array with more than one element is ambiguous' - what truth value?
1,604 Python: Numpy tile in the 3rd dimension
1,604 Iterating over a numpy array with enumerate like function
1,604 How to iterate through a numpy array and select neighboring cells
1,604 Can i upload a table to an array in Python Numpy?
1,603 Why does importing 'comb' from scipy fail when using numpy 1.13.3?
1,603 Which one is which between column slicing and row slicing?
1,603 Speed up structured NumPy array
1,603 parallel dask for loop slower than regular loop?
1,602 Python, generate pair of distinct random numbers
1,602 pandas dataframe to excel with win32 : numpy datatype error
1,602 Integral function of a interpolating polynomial in python
1,602 How to reshape only last dimensions in numpy?
1,602 How to find the location of the rightmost black pixel
1,601 Why do I get 'numpy.ndarray' object has no attribute 'convert'?
1,601 Why can't I create a numpy array like this: array([1, 2], 3)
1,601 using numpy percentile on binned data
1,601 Summing positive and negative elements from two NumPy arrays
1,600 Using PIL to open an image with a palette and save that image with the same palette
1,600 using numpy arrays and ctypes for OpenGL calls in Pyglet
1,600 monte carlo simulation of protein structure and grid
1,599 Selecting multiple elements from an 2d array using a 1d array in numpy
1,599 Python numpy savetxt not saving: ''tuple index out of range''
1,599 Operations between two dataframes or equivalently between two multidimensional arrays
1,599 numpy.where() function throws a FutureWarning, returns scalar instead of list
1,599 Append Python 3D Numpy Array
1,598 ParameterError: data must be of type numpy.ndarray (While Using Librosa)
1,598 Numpy: using np.mean in 3 dimensions
1,598 negating np.isnan in np.where
1,598 I do not understand result obtains for Q1 and Q3 with np.boxplot
1,598 How to replace values in pandas data frame according to a function
1,598 How to apply salt and pepper noise to only specific part of the image using python?
1,598 AWS Lambda and python numpy module
1,597 Why does saving an image with OpenCV result in a black image?
1,597 Numpy: Sum clumps of rows
1,597 Has the DataFrame object from pandas superceded the other alternatives for heterogeneous data types?
1,596 Split pandas string column into an array and match that array to another array
1,596 Rolling mean, returning nan in dataframe pandas python
1,596 Replace empty string with with np.nan but got 'NaN'
1,596 OSError: [Errno 22] Invalid argument,Error saving animation to file
1,596 object arrays are not currently supported
1,596 Numpy/Python performing vs. Matlab
1,596 numpy histogram with 3 variables
1,596 KDE fails with two points?
1,595 python numpy set elements of list by condition
1,595 python jagged array operation efficiency
1,595 Python: Fastest Way to Traverse 2-D Array
1,595 is there no option for step size in pandas.DataFrame.rolling? is there another function that will do this for me?
1,595 How to access the adjacent cells of each elements of matrix in python?
1,595 How can I implement deconvolution layer for a CNN in numpy?
1,595 Compute the percentage values with respect to 2 numpy array
1,594 Python matrix problems
1,594 Python - add 1D-array as column of 2D
1,594 Preserve custom attributes when pickling subclass of numpy array
1,594 Numpy : Calculating the average of values between two indices
1,594 Numpy array from cStringIO object and avoiding copies
1,594 Dividing a square into N smaller squares and finding center coordinates of the N smaller squares
1,593 Trying to install pymc on Anaconda(python) in Windows 7 and getting weird error?
1,593 Reshape for array multiplication/division in python
1,593 Pandas value counts save output to file
1,593 Numpy C++: How to iterate over PyArrayObject without a segfault
1,593 How to delete few top rows and last row from a CSV file using python
1,593 How can I select n items and skip m from ndarray in python?
1,593 Convert Numpy array to image
1,593 Appending numpy arrays into a text file
1,592 Working with binary PNG images in PIL/pillow
1,592 Sum of negative elements in each column of a NumPy array
1,592 Softmax of a large number errors out
1,592 Reshaping a numpy array
1,592 Python particles simulator: out-of-core processing
1,592 How to properly define vector function for scipy's curve_fit
1,592 how to pass from numpy matrix to numpy array?
1,592 Embedding python + numpy code into C++ dll callback
1,592 Doing model selection in python / scipy
1,591 Simple fat-tailed log-binning
1,591 Scipy: poisson fit not working on particular data set
1,591 Python/Numpy/Scipy - Converting string to mathematical function
1,591 How to shuffle groups of rows of a Pandas dataframe?
1,591 How to best perform a surface integral over 2D point data?
1,591 AttributeError: 'str' object has no attribute '_ptr' in Numba @autojit function
1,590 ValueError taking dot product of two sparse matrices in SciPy
1,590 Use 2D matrix as indexes for a 3D matrix in numpy?
1,590 Successfully installed numpy and pandas, but cannot call pandas in Python Shell
1,590 scipy.sparse __add__ method being called when adding to a regular numpy ndarray?
1,590 How to convert sRGB to NV12 format using NumPy?
1,590 Fast way to generate samples with np.random.choice()? [duplicate]
1,590 composing numpy array with strides
1,590 Apply colored overlay over a colored rgb image with some transparency in Skimage
1,589 Why np.load() couldn't read my ndarray data in pickled file?
1,589 Python: is the garbage collector run before a MemoryError is raised?
1,588 Vectorizer object toArray(), Array is Too Large Error
1,588 Pass coordinates of 2D Numpy pixel array to distance function
1,588 Getting quantiles from a beta distribution using python
1,588 Definitive way to parse alphanumeric CSVs in Python with scipy/numpy
1,587 Memory-efficient way to generate a large numpy array containing random boolean values
1,587 how to replace a value with a string in an array with python
1,587 How to append or concatenate 'n' numpy arrays?
1,587 Extracting values from last dimension of 3D numpy array
1,587 Applying a 2D numpy mask to grayscale image
1,587 Alternative to scipy.cluster.hierarchy.cut_tree()
1,586 The axis argument to unique is not supported for dtype object
1,586 How to get number of Frames(or Samples) per sec or ms in a audio (.wav or .mp3) file?
1,586 How do you extract time-domain amplitudes from real signal with python FFT tools?
1,586 How can I select data from a table with specific attribute with pandas?
1,586 High-dimensional data structure in Python
1,586 'float' object has no attribute 'split'
1,585 Python efficient vectorization for Monte Carlo based Pi calculation
1,585 Pyinstaller .exe cannot find _tiffile module - Loading of some compressed images will be very slow
1,585 Plotting numpy rfft
1,585 Matlab spline function in python
1,584 zip two values from the dictionary in Python
1,584 Windows: Numpy mkl_intel_thread.dll
1,584 Solve linear system in Python without NumPy
1,584 Python, numpy, einsum multiply a stack of matrices
1,584 Generate and fill 2 dimensional array with Numpy
1,583 Using np.argpartition to index values in a multidimensional array
1,583 sqrt for element-wise sparse matrix
1,583 Plot decision tree over dataset in scikit-learn
1,583 PCA Analysis and Plotting with Python [duplicate]
1,583 Numpy sum between pairs of indices in 2d array
1,583 Infinite recursion when implementing power method in R
1,583 How to calculate how many standard deviations a number is from the mean?
1,583 Create sparse RDD from scipy sparse matrix
1,583 Converting numpy array to cv:Mat in Opencv 3
1,582 Numpy 2d set diff
1,582 How to concatenate two numpy arrays in hdf5 format?
1,581 Speed up Pandas cummin/cummax
1,581 Python: Find number of occurrences of given array within two-dimensional array
1,581 pip install numpy ### Warning: Using unoptimized lapack ###
1,581 ImportError: ... /lib64/python2.7/site-packages/scipy/special/_ufuncs.so: undefined symbol: npy_exp
1,581 Fastest way to compare every element with every other in np array of strings
1,580 Use Python SciPy to compute the Rodrigues formula P_n(x) (Legendre polynomials)
1,580 Rescale Python Array with user-defined min and max
1,580 Pivot tables using pandas
1,580 Merging 1D arrays into a 2D array
1,580 Detect whether a pixel is red or not
1,579 using numpy.memmap to map a device file
1,579 Portable/fast way to obtain a pointer to Numpy/Numpypy data
1,579 NumPy vs MATLAB
1,579 NumPy sum one array based on values in another array for each matching element in 3rd array
1,579 Iterate across arbitrary dimension in numpy
1,579 How to quickly convert a returned Python-in-Lua numpy array into a Lua Torch Tensor?
1,579 How to assign values to a numpy array as a function of index?
1,579 How do I install scipy & its optimization module (using Python 2.7.10)
1,579 Find the intersection of two tensors. Return the sorted, unique values that are in both of the input tensors
1,579 Can't import NumPy on Mountain Lion
1,578 'Tiling' a 2d array using numpy
1,578 Masking and then pasting two images in python
1,578 Install Numeric (old numpy) and old version of Python (e.g. Py 2.4)
1,578 How to weigh a function with 2 variables with a Gaussian distribution in python?
1,578 Finding 2 largest eigenvalues of large-sparse matrix in Python [closed]
1,577 Python using custom color in plot
1,577 Problems with OpenGL 4 VBOs and Numpy arrays, Pyglet/Python
1,577 How to create a pandas dataframe with a column as array
1,577 cx_freeze fails to build numpy executable
1,576 Python - Find K max values in each row of one matrix and compare to binary matrix
1,576 Multiple legends and multiple colors/shapes matplotlib
1,576 Invalid Syntax when plotting a plot in python [closed]
1,576 How to ignore zeros when calculating correlations between columns for sparse matrix in scipy
1,576 How to get lookback moving average of a timeseries with window based on date in numpy?
1,576 different results for PCA, truncated_svd and svds on numpy and sklearn
1,576 A 3-D grid of regularly spaced points
1,575 Plotting contour lines that show percentage of particles
1,575 Outer product of each column of a 2D array to form a 3D array - NumPy
1,575 Numpy index out of range error
1,575 Compare rows of 2 pandas data frames by column and keep bigger and sum
1,575 Adding elements to numpy 1D array
1,574 Inconsistent shape between the condition and the input while using seaborn
1,574 How to resolve No module named 'hmmlearn' error in Jupyter Notebook
1,574 how to apply functions to grouped dataframes in Python pandas?
1,574 Generating numpy arrays for scikit linear regression model
1,574 can't compare datetime.datetime to numpy.ndarray
1,573 Return rows and columns from a 2d array using values from a 1d array in Numpy
1,573 Replace boolean values with integers in numPy array
1,573 Read textfile into numpy array
1,573 I need to linearly interpolate a numpy array of dimension nx3x3
1,573 How to initialize NumPy array with different default value for each column?
1,573 Comparison of two NumPy arrays without order
1,572 Python 3D interpolation speedup
1,572 NumPy: mismatch in size of old and new data-descriptor
1,572 how add label in column for numpy array
1,572 Getting error: ufunc 'subtract' did not contain a loop with signature matching types dtype('<U32') dtype('<U32') dtype('<U32')
1,572 Compiling SWIG wrapper for python in Windows
1,571 Why should I give `savetxt` a file opened in binary rather than text mode?
1,571 What is the equivalent of matlab's smooth3 function in python?
1,571 Slow loading of large NumPy datasets
1,571 orientation of normal surface/vertex vectors
1,571 Numpy: Multiply several columns with one column [duplicate]
1,571 How to run a .py module?
1,571 Given a 2D numpy array of real numbers, how to generate an image depicting the intensity of each number?
1,571 Fit bipolar sigmoid python
1,570 ''Merging'' numpy arrays together with a common dimension [duplicate]
1,570 How to get temperatures from a heat map of a video using python opencv
1,570 How to add regularization in Scipy Linear Programming (Non-negative Least-Squares)
1,570 h5py returning unexpected results in indexing
1,569 Storing string in numpy matrix
1,569 Scipy/Pylab error.. Expected in: dynamic lookup?
1,569 numpy random.choice elements that are not selected
1,569 Merging rows in numpy to form new array
1,569 Efficient two dimensional numpy array statistics
1,568 Plotting pcolormesh with a bunch of 2-d arrays with different color
1,568 Plotting a histogram given bin endpoints and values
1,568 Numpy error: operands could not be broadcast together with shapes 1
1,568 ICA online learning for large dataset in scikit
1,568 Fitting data to a polynomial curve with Python/Numpy
1,567 python: invalid value encountered in true_divide - but where?
1,567 How do I split a dataset into training, test, and cross validation sets?
1,567 ERROR: IndexError: 0-d arrays can't be indexed [scipy.integrate.quadrature]
1,566 Volume of irregular polyhedron
1,566 TypeError with accessing to coo_matrix by index
1,566 Python Numpy: Random number in a loop
1,566 Installing NumPy on Fedora 24 with pip
1,566 import numpy as np versus from numpy import
1,566 Fitting a distribution to data: how to penalize ''bad'' parameter estimates?
1,566 Display a image with imshow to be behind another plot in matplotlib
1,565 ValueError: `class_weight` must contain all classes in the data. The classes {1, 2, 3} exist in the data but not in `class_weight`
1,565 Text Feature Extraction using scikit-learn
1,565 Plotting class with different marker python
1,565 numpy.searchsorted in a multidimensional array
1,565 Numpy np.einsum array multiplication using multiple cores
1,565 numpy 1.13 MaskedArrayFutureWarning: setting an item on a masked array which has a shared mask will not copy the mask
1,565 np.where multiple logical statements pandas
1,565 Error linspace() got an unexpected keyword argument 'dtype' only in windows
1,565 Cython to accelerate loops with array broadcast
1,565 Correlation coefficient between a 2D and a 3D array - NumPy/Python
1,564 time values in numpy array to array of datetimes
1,564 Reading CSV file using numpy in python 2.7
1,564 Python: Mesh a voxels assembly to compute the surface area
1,564 How to solve an 1-parameter equation using Python (scipy/numpy?)
1,564 Fit a Gaussian to measured peak
1,564 Elementwise logical checks using numpy arrays
1,564 Can I create a Python Numpy ufunc from an unbound member method?
1,563 ValueError: Expected 2D array, got 1D array instead
1,563 pyspark | transforming list of numpy arrays into columns in dataframe
1,563 Plot diagram in Pandas from CSV without headers
1,563 operands could not be broadcast together with shapes (780,1080) (780,1080,3)
1,563 Convert SVG to numpy array
1,563 Converting a 1D numpy array to a list of lists
1,563 Compute numpy array pairwise Euclidean distance except with self
1,563 Bar chart matplotlib based on array of 8 rows with 5 values each
1,562 What is wrong with ''numpy concatenate''?
1,562 What is this import_umath function?
1,562 Sorting a 2D numpy array on to the proximity of each element to a certain point
1,562 Mask numpy array using intervals
1,562 Inverted order of numpy array gradient and matplotlib quiver
1,562 How to find closest point to grid values
1,562 How can I zero the intercept in a multivariate regression using python?
1,562 Dataframe into numpy array with values comma seperated
1,561 Sort a numpy matrix based on its diagonal
1,561 Save structured numpy array using np.savetxt with header
1,561 read CSV file into pandas DataFrame, and build datetime index from multiple columns
1,561 Python — How can I find the square matrix of a lower triangular numpy matrix? (with a symmetrical upper triangle)
1,561 Numpy: Assignment and Indexing as Matlab
1,561 How to check convergence for series with two indices using sympy or numpy
1,561 How to apply piecewise linear fit for a line with both positive and negative slopes in Python?
1,561 Converting bytes read from a file using numpy fromfile to unicode in Python 3
1,561 Capturing Image from web cam in Python
1,560 How to implement ReLU in place of the Sigmoid Function
1,560 good numerical solution for LDA transformation
1,560 create_dataset error- Object dtype dtype('O') has no native HDF5 equivalent
1,560 Common elements between two lists of lists (intersection of nested lists) [duplicate]
1,559 np.loadtxt() How to load every other line from txt file? Python
1,558 shape mismatch: value array of shape (2,) could not be broadcast to indexing result of shape (1,)
1,558 build recent numpy on recent ubuntu
1,557 python doesn't use updated pip scipy package
1,557 How to convert the numpy.ndarray to a cv::Mat using Python/C API?
1,557 Fast search for the coordinates of the maximum value in a gaussian kernel
1,557 Calculate PCA using numpy
1,556 virtualenv : pip doesn't install inside the environment
1,556 Pythonic way to calculate offsets of an array
1,556 2D Gabor Wavelet transform of an Image in Python/Opencv
1,555 Why is Scipy's ndimage.map_coordinates returning no values or wrong results for some arrays?
1,555 Numpy import fails when embedding python in c
1,555 How to insert (change values) matrix in matrix? Python (numpy)
1,555 Count number of trues in a numpy array in each row?
1,555 Array Assignment in numpy / : colon equivalent
1,555 Affinity Matrix Calculation using Numpy
1,554 Taking a tensor product in python numpy without performing a sum
1,554 Plotting Dates from Numpy Array Problems
1,554 numpy/pandas: How to convert a series of strings of zeros and ones into a matrix
1,554 Numpy package for ''python 2.7.8 and pyscripter 2.5.3'' (64 bit windows 7)
1,554 Matlab's Inline function in Python
1,554 How to use statsmodels to fit data
1,554 Have pointer to data. Need Numpy array in Fortran order. Want to use Cython
1,553 Why does np.full raise a FutureWarning?
1,553 numpy array - unravel_index of argmax v. argmax of sum
1,553 Get SQL headers from Numpy Array in python
1,553 For an array a and b in Python, what is the code a[b[0:2]] is actually trying to do?
1,552 TensorFlow - Setting the shape of an image while reading and writing a TFRecords file?
1,552 python ctypes - passing numpy array - odd output
1,552 plot bifurcation diagram in python using Sympy
1,552 Pandas fillna values with numpy array
1,552 Keras model input shape wrong
1,552 Error while trying to import scipy.stats: No module named dual
1,552 Differences in importing modules/subpackages of numpy and Scipy packages
1,551 t-distribution in Python
1,551 Selecting columns from a pandas dataframe based on row conditions
1,551 Python: numpy.interp giving curved line
1,551 ppf function missing from t
1,550 (Some function) is not defined with SymPy Lambdify
1,550 manhattan distances
1,550 How to compare two arrays of arrays 'array-elementwise' in Numpy?
1,549 TypeError: unsupported operand type(s) for +: 'int' and 'list' when using numpy
1,549 Sorting numpy array in the same manner as sorted(, key=)
1,549 Divide an array by the sum of all values - Python
1,549 Different functions for calculating phase/argument of complex numbers
1,549 Appending rows to a NumPy array
1,548 Sort alphanumeric strings in numpy matrix
1,548 Scipy Sparse: Singular Matrix Warning after SciPy/NumPy Update
1,548 numpy.loadtxt does not read file with complex numbers
1,548 How to divide data into 10 folds and save in an array in Python
1,547 Transforming data for kmeans and PCA
1,547 How to find unique vectors of a 2d array over a particular axis in a vectorized manner?
1,547 Convert to Web Mercator With Numpy
1,547 Converting Python / Numpy Code to Cython - issue with arrays - buffer types only allowed as function local variables?
1,546 eigenvectors from numpy.eig not orthogonal
1,546 Binding C array to Numpy array without copying
1,545 How to permutate rows in sparse (Numpy) matrix efficiently using permutation array?
1,545 How do I speed up fractal generation with numpy arrays?
1,545 How does one implement a subsampled RBF (Radial Basis Function) in Numpy?
1,545 Gamma CDF and inverse CDF not producing compliment values
1,545 Do we need to close a file using open in python? [duplicate]
1,544 Why is scipy.sparse.linalg.eigsh giving the wrong answer?
1,544 Why does numpy say this matrix is singular *sometimes*?
1,544 ValueError: could not broadcast input array from shape (256,340,3) into shape (256,340,30)
1,544 In Pandas, how can I count consecutive positive and negatives in a row?
1,544 Frequency Response:Matlab Vs Python
1,544 contour plot with python loop and matplotlib
1,544 Build confusion matrix from two vector
1,543 sympy error - AttributeError: sqrt
1,543 Setting convergence criteria for scipy.optimize.fmin (and others)
1,543 Sending process to different nodes with mpi4py
1,543 Select 'some' random points from numpy array
1,543 scikit learn imputing values other than NaN
1,543 Read ints from .txt file into numpy array
1,543 Python combine rows from different files into one data file
1,543 Need to add column names to numpy array
1,543 Interpolate between rows or columns of a Numpy array
1,543 Importing a Text File with dates, times and data points and plotting into Matplotlib [duplicate]
1,543 How to spot gaps between pandas dataframe indexes?
1,543 Dataframe column of arrays to numpy array
1,543 Convert elements in a tensorflow array using a dictionary
1,542 How to check if a list of numpy arrays contains a given test array?
1,542 Creating a Three Dimensional Matrix structure and writing in mat file in Python
1,541 What is the use of bincount() method from numpy?
1,541 Random walk series between start-end values and within minimum/maximum limits
1,541 Python NumPy log2 vs MATLAB
1,541 Python - Efficient way to find the largest area of a specific value in a 2D numpy array
1,541 Numpy (or scipy) frequency count along columns in 2D array [duplicate]
1,541 numpy multidimensional (3d) matrix multiplication
1,541 matrix product with numpy.dot()
1,541 Is there a way to return same length arrays in numpy.hist?
1,540 Numba gives: ' TypingError: %r not allowed in a homogenous sequence'
1,540 Indexing numpy array by a numpy array of coordinates
1,540 genfromtxt and numpy
1,540 Fitting Data to a Square-root or Logarithmic Function [duplicate]
1,540 Differentiating a product with an unknown function - sympy
1,540 Create 2D array with python 2.7 and numpy [duplicate]
1,540 Call Pandas Dataframe Functions from a string
1,539 python syntax for functions with multiple return values: using fsolve
1,539 Ploting a spectrogram of a pure sinus with matplotlib
1,539 Multiplying Block Matrices in Numpy
1,539 How to solve symbolic equation system in Python?
1,539 How to preserve column names while importing data using numpy?
1,539 How to mask numpy structured array on multiple columns?
1,539 How can I vertically concatenate 1x2 arrays in numpy?
1,539 Adding one month to datetime64 with timedelta
1,538 Time Delay Embedding of Time Series in Python
1,538 Threading error using Atlas in numpy under Linux
1,538 Show grid lines over image in pyqtgraph
1,538 Python read if image pixel is black or white
1,538 Numpy: mean calculation results in nan values
1,538 Linear interpolation with interp1d performance issues with large datasets python (scipy)
1,538 Find peak location in 2-d array
1,538 Error installing numpy using pip to Python 2.7.9 in cmd prompt
1,538 Efficiently sum a small numpy array, broadcast across a ginormous numpy array?
1,538 Create adjacency matrix in python from csv dataset
1,537 why is row indexing of scipy csr matrices slower compared to numpy arrays
1,537 TypeError: 'numpy.int64' object is not iterable and appear two columns instead of 1
1,537 Pandas rolling window multiple columns
1,537 Numpy only way to read text file and keep comments
1,537 Numpy - Dot Product of a Vector of Matrices with a Vector of Scalars
1,537 Fill Bounding Boxes in 2D array
1,536 Wrapping C++ and CUDA in Python
1,536 Why is TensorFlow matmul() much slower than NumPy multiply()?
1,536 Python version of ismember with 'rows' and index
1,536 Numpy array slice using tuple
1,536 How to slice a numpy.ndarray made up of numpy.void numbers?
1,536 calculating means from csv with python's numpy
1,535 Python Numpy 2-dimensional array iteration
1,535 numpy logical_and: unexpected behaviour
1,535 Keep python operations in binary
1,535 Exponentiation a matrix by itself N times?
1,535 Efficient numpy argsort with condition while maintaining original indices
1,535 Attach two 3d numpy arrays in Python
1,534 Tensorflow - ValueError: Cannot feed value of shape (128,) for Tensor 'Placeholder_142:0', which has shape '(?, 3433)
1,534 Selecting positive certain values from a 2D array in Python
1,534 Numpy __array_prepare__ error
1,534 Eliminate for-loop in Python and Numpy construct
1,534 Elegant way to check empty result of numpy.nonzero
1,534 AttributeError: 'bool' object has no attribute 'all' when searching for a smaller image within a screenshot
1,533 ''shape mismatch'' error using numpy in python
1,533 Python Error: Using matplotlib: Truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
1,533 Permuting numpy's 2d array indexes
1,533 numpy slice assignment
1,533 Multiprocessing shared variable not updating
1,533 More numpy way of iterating through the 'orthogonal' diagonals of a 2D array
1,533 How to use numpy in the Programmable Filter in ParaView
1,533 Finding a matching row in a numpy matrix
1,532 Transpose 3D Numpy Array
1,532 NumPy: matrix by vector multiplication
1,532 how to read csv file and apply it to tensor flow
1,532 How do I load an image stored as a string into a numpy array?
1,532 How can I convert numpy ndarray to a list of tuples efficiently?
1,532 Find global minimum for discrete function
1,532 Calculate the angle between the rows of two matrices in numpy
1,531 Re-assign column values in a pandas df
1,531 Python/Numpy What's it called / how do you represent that operation where you multiply each element of two vectors?
1,531 Python 2d-histogram success rate per bin
1,531 Memory leak in Python extension when array is created with PyArray_SimpleNewFromData() and returned
1,531 How to save img loaded by caffe.io.load_image
1,531 How to loop through a Pandas dataframe
1,531 Get indices of results from scipy.pdist(myArray,metric=''jaccard'') to map back to original array?
1,531 For every point in an array, find the closest point to it in a second array and output that index
1,531 Cosine similarity yields 'nan' values
1,530 Total size of numpy array
1,530 scipy.optimize.fmin_bfgs optimization gives different result from simple function call
1,530 Python copy.copy() vs NumPy np.copy()
1,530 Gradient Boosting Classifier sparse matrix issue using pandas and scikit
1,529 Using NMF for generating recommendations
1,529 Repeated calculation between consecutive rows of pandas dataframe
1,529 Python sum lat/lon points within geographic radius and sum to grid
1,529 Python - Pandas - groupby and ''agg'' - set aggregate to nan when group contains a nan
1,529 matplotlib.scatter color argument not accepting numpy array
1,529 How to initialize NumPy structured array with different default value for each column?
1,529 Finding the index of array in each grid cell?
1,529 Efficiency with very large numpy arrays
1,529 arrays of arrays in cython
1,528 What does it mean - TypeError: only length-1 arrays can be converted to Python scalars?
1,528 Python - Matplotlib user input from mouse for plotting
1,528 Python - creating a histogram
1,528 Numpy, multiply 3x3 array by 3x10 array? [closed]
1,528 Get index of the element nearest to the given value [duplicate]
1,528 Changing values on the edges of an array in NumPy
1,527 Using scipy.optimize.curve_fit within a class
1,527 NumPy: Check if field exists
1,527 Numpy and static linking
1,527 Mapping values in a numpy array
1,527 Iterating over 2d arrays contained in 3d array in Python
1,527 Image segmentation in Python + Processing
1,527 Cosine Similarity
1,527 color matplotlib map using bicubic interpolation
1,526 preparing pandas dataframes for plotting with errorbars
1,526 Numpy power does not allow negative values
1,526 Indexing ndarray of variable number of dimensions
1,526 Data is not binary and pos_label is not specified
1,526 Can't compile Cython code - unrecognized command line option '-mno-cygwin'
1,525 How to add a sparse row to a sparse matrix in Python?
1,525 Can I have multiple matplotlib plot windows in python interactive mode?
1,524 Why does linear_sum_assignment in scipy.optimize never return if one of the assignments must have a cost of Infinity?
1,524 pandas outer product of two dataframes with same index
1,524 numpy: split 1D array of chunks separated by nans into a list of the chunks
1,524 Numpy Reshape Memory error
1,524 Numpy dot product returning either a np.array or a float
1,524 Numpy: Compare float with threshold
1,524 Multinomial sample generation in python
1,524 indexing/slicing a 2d numpy array using the range/arange function as the argument
1,524 How to return numpy array from multiprocessing pool map?
1,524 How can I create a discrete colorbar using a colormap from mpl_toolkits.basemap.cm?
1,524 Get indices of intersecting rows of Numpy 2d Array
1,524 Find root of numerical integration
1,524 Fast / built-in bit-manipulation in Python/numpy?
1,523 The result of fft in tensorflow is different from numpy
1,523 Split by columns of 2d list into new list
1,523 Is it possible to map a discontiuous data on disk to an array with python?
1,523 convolution with gaussian vs gaussian filter
1,522 Using pandas to fill gaps only, and not NaNs on the ends
1,522 Pandas can't find dateutil.parser after Mavericks
1,522 Efficient Double Sum of Products
1,521 ValueError: could not convert string to float: '���'
1,521 NumPy + BLAS + LAPACK on GPU (AMD and Nvidia)
1,521 mapping between arrays in numpy
1,521 Create numPy array using list comprehension
1,520 Removing a Row with Missing Values in Numpy Array
1,520 Python pandas, converting multiple columns of strings into time?
1,520 Percentage of array between values
1,520 Is it possible to implement RS flip flop truth table in Python?
1,520 How to convert numpy array from numpy.int64 to datetime?
1,520 Find Minimum without Zero and NaN in Pandas Dataframe
1,520 create an x-dim array using numpy.fromfunction from a function with more than x parameters
1,519 pyspark: Convert sparse local matrix to an RDD
1,519 pandas: Multiply MultiIndex DataFrame with Series
1,519 Numpy help on calculation of Angular speed of rotational body
1,519 How to change color to specific portion of an image in opencv python?
1,519 Fast way to calculate kernel matrix, python
1,519 Apply numpy functions to pandas DataFrame
1,518 sum function in python
1,518 numpy meshgrid operations problems
1,518 non-negative matrix factorization failing to converge
1,518 Find nearest neighbour in a more pythonic way
1,518 fastest way to iterate over all pixels of an image in python
1,518 Efficient way to load file into 2d numpy array
1,517 Tensorflow ''ValueError: setting an array element with a sequence.'' in sess.run()
1,517 Python: point on a line closest to third point
1,517 Pandas boolean DataFrame selection ambiguity
1,517 Filling holes in image with OpenCV or Skimage
1,517 expanding a dataframe based on start and end columns (speed)
1,517 Convert 'int' to pytorch 'Variable' makes problems
1,517 Computing trimmed mean along an axis
1,516 Solve nonlinear equation in python
1,516 Print content and several attributes of a numpy array to a text file
1,516 Numpy Vectorization of sliding-window operation
1,516 numpy.correlate: Relation between full and valid
1,516 Numpy Array to Pandas Data Frame of X Y Coordinates
1,516 libblas.so cannot open share project file in python?
1,516 How to find memory leak with pandas
1,516 How can I count the number of consecutive TRUEs in a DataFrame?
1,516 Building numpy for Lion Python 2.6 with gfortran support
1,515 Python attributes and numpy arrays
1,515 Line removal in image captcha using Python
1,515 Filter one array according to data in another array
1,515 Coursera ML - Implementing regularized logistic regression cost function in python
1,514 What does the array mean in numpy/sklearn datasets? python
1,514 python script converting .dat to json
1,514 loading csv column into numpy memmap (fast)
1,514 how to convert .pts or .npy file into .ply or .h5 file?
1,513 Quandl Error , API Invalid
1,513 How to access Object attributes within numpy array structure
1,513 How can I efficiently convert a 4D numpy array into a pandas DataFrame with indices as columns?
1,513 Global Seed for Multiple Numpy Imports
1,513 Fit gaussian integral function to data
1,513 Cosine similarity in Theano
1,513 Array of pointers from C++ to NumPy through Cython
1,512 Variable size of numpy array
1,512 Tensorflow Python has stopped working running out of memory
1,512 Pandas: Summing arrays as as an aggregation with multiple groupby columns
1,512 Numpy standard deviation under a mask
1,512 Numpy. Compare all vector row in one array with every other one in the same array
1,512 Efficient online linear regression algorithm in python
1,512 Density estimate with large array
1,512 Altering numpy function output array in place
1,511 What does this parameter in numpy.zeros method mean?
1,511 Read txt data separated by empty lines as several numpy arrays
1,511 Numpy [ ... ,None]
1,511 How to transform 1D Array to 2D Array with duplication [duplicate]
1,511 Frequency counts of unique values in a numpy matrix
1,510 Why don't np.where & np.min seem to work right with this array?
1,510 pandas - using a for loop to append multiple columns to a dataframe
1,510 Object is changed in Python
1,510 How to convert a text file to a numpy file
1,510 Error installing numpy for pypy3
1,509 ''valid'' and ''full'' convolution using fft2 in Python
1,509 numpy array integer indexing in more than one dimension
1,509 how to stop pyplot from reversing the values in my x-axis
1,509 Got error in my python code ''ValueError: Found input variables with inconsistent numbers of samples: [16, 8760]''
1,509 Generate a three dimensional array in python by iterating through a list
1,509 Faster method of scaling down image array in Python using numpy and pyfits
1,509 delete last item in all rows and columns numpy.ndarray
1,509 convert image to rgb array and convert it to CMYK array using python
1,509 A quick example to train a model batch by batch in Tensorflow?
1,508 Replacing part of a 2D numpy array using indexing
1,508 Numpy function to find indices for overlapping vectors
1,508 How do I load a list of images into an array for each channel in Numpy?
1,507 Using KDTree.query
1,507 Replace Cell Values in Pandas with matching ID from another dataframe
1,507 Python fsolve does not take array of floats. How to implement it?
1,507 Local maxima in a point cloud
1,507 label_keys type error on DNNCLassifier Tensorflow
1,507 Initializing numpy masked array from Python int list with None values
1,507 Conduct DBSCAN on radian distance matrix with sklearn?
1,506 Why is linear read-shuffled write not faster than shuffled read-linear write?
1,506 Row-wise selection based on multiple conditions in dask?
1,506 refine, average, round data python
1,506 Pointer-type mismatch with PyArray_SimpleNew
1,506 Parallelize loop over numpy rows
1,506 how to save TfidfVectorizer and use it again?
1,506 Determinant of Multidimensional array
1,505 Wrong result from timedelta operation
1,505 Splitting numpy array according bool
1,505 Possible optimization in cython: numpy array
1,505 numpy: Append row to a individual 3D array
1,505 How to append a empty list within for loop in Python
1,504 Vectorize nested for loop Python
1,504 NumPy vectorized functions
1,504 Multidimensional arrays in Pandas columns
1,504 how to check a shape file polygon contains numpy meshgrid of lat and lon points
1,504 Create a numpy array from columns of a pandas dataframe
1,504 connecting all numpy array plot points to each other using plt.plot() from matplotlib
1,503 Turning nested lists into a numpy array [duplicate]
1,503 stretch, scale, or double up an array with numpy?
1,503 Saving numpy array to a binary file
1,503 read values from a text file using numpy loadtxt function
1,503 Python Code - SVD with numpy
1,503 MemoryError using numpy argsort
1,503 MATLAB sort() vs Numpy argsort() - how to match results?
1,503 How does numpy's argpartition work on the documentation's example?
1,503 How can I use matrix from numpy as the input of some plotting functions in matplotlib?
1,503 AttributeError: 'module' object has no attribute 'genfromtxt'
1,502 Statistics of histogram created from weighted data - numpy
1,502 Is NumPy Messing Up CX_Freeze?
1,502 How to get column names from my numpy array?
1,502 Fastest way to add noise to a numpy array
1,501 TypeError: iteration over a 0-d array
1,501 Shifting certain rows to the left in pandas dataframe
1,501 Get indices of N maximum values in a numpy array without sorting them?
1,501 Element wise comparison between 1D and 2D array
1,501 Concatenating two NumPy arrays gives ''ValueError: all the input arrays must have same number of dimensions''
1,500 ValueError: cannot reshape array of size n into shape (n,height,width)
1,500 Python - Plotting Fourier transform from text file
1,500 Python Merge Two Numpy Arrays Based on Condition
1,500 Python and OpenCV: sort list of contours according to two criteria
1,500 Issues with importing pylab on Mac OS X 10.8.3
1,500 How to combine two datetime arrays in one datetime array?
1,500 How does one wrap numpy array types?
1,500 How can I manage large images in Python using OpenCV?
1,500 AttributeError: 'module' object has no attribute 'array'
1,499 TypeError: join() argument must be str or bytes, not 'BufferedReader'
1,499 scipy.integrate.quad on arrays of limits
1,499 Passing a dataframe as an an argument in apply with pandas
1,499 Is there a python equivalent to MATLAB's conv2(h1,h2,A,'same')?
1,499 Interpolation with Numpy - non linear method
1,499 expected dense_1 to have shape (1,) but got array with shape (2,)
1,499 Cosine Similarity between Query and Documents
1,498 ValueError: How to iterate through a tuple of Boolean True/False statements?
1,498 pyautogui.press() causing lag when called
1,498 Plotting decision boundary Line for a binary classifier
1,498 `numpy.mean` used with a tuple as `axis` argument: not working with a masked array
1,498 Number of words per sentence [closed]
1,498 No module named numpy but import works in command line
1,498 FileNotFoundError: [Errno 2] No such file or directory: 'C:\\Users\\Bipin\\Downloads\\test.jpeg'
1,498 Fast way to extract submatrix from numpy matrix
1,498 Create training and test dataset in Pandas
1,498 Converting coordinate tuple information to numpy arrays
1,498 Add new items to some structured array in a dictionary-like way
1,497 Zipf Distribution: How do I measure Zipf Distribution using Python / Numpy
1,497 What's the fastest way to compare datetime in pandas?
1,497 scipy.stats.norm for array of values
1,497 Python NumPy: How to fill a matrix using an equation
1,497 Performance of numpy.random.choice
1,497 Numpy padding 4D units with all zeros
1,497 Looping and Naming Variables in Python Bar Chart
1,497 Importing the multiarray numpy extension module failed
1,497 How to load a npz file in a non-lazy way?
1,497 how to generate new points as offset with gaussian distribution for some points in spherical coordinates in python
1,497 How resize images when those converted to numpy array
1,497 cannot reshape array of size (x,) into shape (x,y,z,1)
1,496 Python reading a text file into a 2D array and accessing the data
1,496 Fitting a Sine Wave in Python with Data in a List [closed]
1,496 Array Expansion in Python [duplicate]
1,495 Split pandas Dataframe into n equal parts + 1
1,495 LNK2001 error when using boost::numpy
1,495 Iterative solving of sparse systems of linear equations with (M, N) right-hand size matrix
1,495 How to use python, PyLab, NumPy, etc for my Physics lab class over excel
1,495 How to save a mix of strings and numbers into text files in specified format using numpy.savetxt?
1,495 How to calculate inverse using cramer's rule in python?
1,495 Faster implementation to quantize an image with an existing palette?
1,494 Tricking numpy/python into representing very large and very small numbers
1,494 Tensorflow flatten vs numpy flatten function effect on machine learning training
1,494 plotting a numpy array : setting axis scale
1,494 Integrate with Simpson's Rule in Python recursively
1,494 Fast indexing: Cython with numpy array of bool and str
1,493 matching two different arrays and making a new array in python
1,493 List of tuples to Numpy recarray
1,493 How to save a complex matrix in a file?
1,493 How to exchange multidimensional arrays from matlab to python/numpy and back?
1,493 How to calculate associated Legendre polynomials given m and l in Python
1,493 Compare two numpy arrays by first Column and create a third numpy array by concatenating two arrays
1,493 Compare Boolean Row values across multiple Columns in Pandas using & / np.where() / np.any()
1,493 Can't import numpy anaconda
1,493 AttributeError: module 'numpy' has no attribute 'testing'
1,492 Two versions of Pandas causing problems
1,492 The same variable should be used in all univariate expressions being plotted
1,492 Skip first row and every nth row when loading txt file (Python)
1,492 Pyplot 1D heatmap problems
1,492 Print string list vertically
1,492 Passing list of numpy arrays to C using cython
1,492 numpy sum gives an error
1,492 numpy: how to fill multiple fields in a structured array at once
1,492 Iron python cannot find {''No module named numpy''}
1,492 Convert numpy binary string array back to string [duplicate]
1,492 Big numpy array to spark dataframe
1,491 Why does fftfreq produce negative values?
1,491 Treatment of NaN's
1,491 Shift rows of a numpy array independently
1,491 polyfit, TypeError: must be str, not float
1,491 Order of indexes in a Numpy multidimensional array
1,491 Kivy launcher not working with numpy
1,491 How to find both diagonals of a 2D matrix? [duplicate]
1,490 Simulating the motion of a satellite approaching Mars [closed]
1,490 'numpy.ndarray' object has no attribute 'find' - plotting data in matplotlib with pandas
1,490 NumPy 1D array slicing
1,490 How to vectorize a for loop containing if-statement in numpy?
1,490 Generating perfect random gaussian numbers
1,490 Can I annotate a numpy array when saving it with savez
1,490 allclose - How to check if two arrays are close in Julia
1,489 Sklearn Preprocessing - *** TypeError: No matching signature found
1,489 numpy.int64 times int -> numpy.float64
1,489 How to fill between two rings with matplotlib
1,489 cython: convert float array to python array with numpy.ctypeslib.ndpointer
1,488 splitting a list dynamically with range and value to split
1,488 Sort array of objects in numpy?
1,488 Iterate over two numpy 2d matrices using nditer
1,488 AttributeError: 'GradientBoostingRegressor' object has no attribute 'np'
1,487 statistics for histogram of periodic data
1,487 sort 2d numpy array lexicographically
1,487 Saving an array inside a column of a matrix in numpy shape error
1,487 Python: Fast mapping and lookup between two lists
1,487 Problems in performing K means clustering
1,487 Matplotlib: Import and plot multiple time series with legends direct from .csv
1,487 Interpolation of large 2d masked array
1,487 How to delete column in 3d numpy array
1,486 pandas: merging dataframes and replacing values
1,486 Numpy array conditional matching
1,486 Keras input shape
1,486 Integration of the tail of a Gaussian function with Scipy, giving zero instead of 8.19e-26
1,486 insertion sort in numpy?
1,486 How to slice memmap efficiently?
1,485 ValueError: setting an array element with a sequence please
1,485 Python: Very slow execution loops
1,485 Python: Getting a Vector Field from Gradient of Scalar Field
1,485 Numpy: average over one dimension in ''jagged'' 3D array
1,485 numpy.array_equal returns False, even though arrays have the same shape and values
1,485 Multidimensional array for random.choice in NumPy
1,485 Insert numpy array to an empty numpy array
1,485 how to find the position of the maximum value for a probability distribution function plot?
1,485 How should a class that inherits from NumPy ndarray and has a default value be created?
1,485 How can I obtain the same 'special' solutions to underdetermined linear systems that Matlab's `A \ b` (mldivide) operator returns using numpy/scipy?
1,484 Why does assert np.nan == np.nan cause an error?
1,484 Sudo pip install upgrade operation not permitted
1,484 Simple py2exe breaks with numpy import
1,484 Numpy split cube into cubes
1,484 Numpy roots function and pyplot plot
1,484 Numpy reading data from '.npy' file directly into arrays
1,484 A numpy/scipy function to calculate the ''polynomial coefficient''
1,483 Using numpy on hadoop streaming: ImportError: cannot import name multiarray
1,483 Scipy labels and measuring max pixel in each label
1,483 module 'numpy' has no attribute 'testing'
1,482 What determines the size of int in numpy?
1,482 python vs octave random generator
1,482 Logistic Regression: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples
1,482 How to properly use sklearn cosine_similarity with a dictionary
1,481 'ValueError: non-string names in Numpy dtype unpickling' in flask(python2.7)
1,481 ValueError: ndarray is not contiguous
1,481 Pandas: clean up DataFrame filled with NaN's
1,481 Numpy uint8_t arrays to vtkImageData
1,481 How to remove multiple values from an array at once
1,481 GDAL ReadAsArray() keeps returning None
1,481 Error when loading a Python 2 .npy file in Python 3
1,480 Python numpy equivalent of bandpower() from MATLAB
1,480 Optimize Hamming Distance Python
1,480 Minimize System of Equations with constraints (scipy.optimize.minimize)
1,480 Efficient way to match coordinates in 2d array
1,479 Why python3.5 links python2.7's numpy?
1,479 SciPy: What are the arguments in `scipy.special.fresnel(x[, out1, out2])`?
1,479 Logistic Regression and Scipy Optimization with fmin_bfgs
1,479 How to draw normal distribution given mean and standard deviation using numpy
1,479 How to choose axis value in numpy array
1,479 Behaviour of custom NaN floats in Python and Numpy
1,478 Replicating the indices result of Matlab's ISMEMBER function in NumPy?
1,478 numpy matrix rank incorrect result
1,478 Creating a numpy array from a .csv file but I can only get the 1st line in the array - what am I missing?
1,477 Translating Numpy code into C#
1,477 Python: Scipy's curve_fit for NxM arrays?
1,477 Interpolation of sin(x) using Python
1,477 How can i know if there are white pixels in a binary image in some coordinates (stored in a list) in python?
1,476 Stop pyplot.contour from drawing a contour along a discontinuity
1,476 Reproject and mosaic MODIS level2 using gdal/python
1,476 Python, neighbors on a regular grid
1,476 Numpy bitwise operator priority?
1,476 Memory-efficient Benjamini-Hochberg FDR correction using numpy/h5py
1,476 least eigenvalue in python
1,476 Efficient way to set values of numpy array from iterable
1,475 Solving a differential equation in python with odeint [closed]
1,475 Rolling mean of Time series Pandas
1,475 Representing a sparse matrix in Python and storing to disk
1,475 Python loading a text file line by line to a numpy array
1,475 Plot shows up and disappears fast in R
1,475 How to find the equation for an ellipse from 3 points using python
1,475 Concatenate large numpy arrays in RAM
1,474 python array inclusive slice index
1,474 Is it possible to use complex numbers as target labels in scikit learn?
1,474 How to one hot encode variant length features?
1,474 How to calculate error in Polynomial Linear Regression?
1,474 getting a subset of arrays from a pandas data frame
1,474 Error when i load data from a text file in python
1,474 Cumulative addition/multiplication in NumPy
1,474 Converting a real number to imaginary
1,473 Why can't I assign array to pandas DataFrame column?
1,473 use / load new python module without installation
1,473 How to sort an array of integers faster than quicksort?
1,472 Setting values in a numpy arrays indexed by a slice and two boolean arrays
1,472 Runge Kutta 4 and pendulum simulation in python
1,472 python numpy error ''TypeError: 'numpy.float64' object cannot be interpreted as an integer''
1,472 Numpy converting date object to datetime64[s] in newer version
1,472 fsolve - mismatch between input and output
1,471 Why is numpy.dot much faster than numpy.einsum?
1,471 Why can't I one-hot encode my labels with TensorFlow? (Bad slice index None of type <type 'NoneType'>)
1,471 What is the best way to group similar words in python?
1,471 sum over bin range in python
1,471 Read formatted data from part of a file fast (Gmsh mesh format)
1,471 python index in 2d matrix [duplicate]
1,471 numpy.concatenate multidimensional arrays
1,471 numpy arrays type conversion in C
1,471 Iterate over matrices in numpy
1,471 How to use 'input' to input mathematical functions as variables in python 3.x
1,471 How to create a uint16 numpy array from a uint8 raw image data array
1,471 How can I shuffle a very large list stored in a file in Python?
1,471 Creating a 5D array in Python
1,470 Setting numpy array values to NaN based on condition
1,470 Python: How to Convert list multiple set of array
1,470 Numpy clip function takes twice as long as expected
1,470 Calculate log of determinant in TensorFlow when determinant overflows/underflows
1,470 Binning values of a function in Python (numpy)
1,469 What is the most simple and proper way to fitting data to sinc function using by numpy?
1,469 Replace values of a numpy array by values from another numpy array
1,469 NaN interpolation in 2D array. Sparsely populated
1,469 memory error while performing matrix multiplication
1,469 How can I vectorize this triple-loop over 2d arrays in numpy?
1,469 Eigendecomposition makes me wonder in numpy
1,469 Average of numpy array ignoring specified value
1,468 Storing images and metadata with PyTables
1,468 Scipy's correlate function is slow
1,468 np.isnan for array in Python
1,468 import arcpy results in ImportError: cannot import name shares_memory
1,467 pip not able to install zipline on OS X
1,467 Latent Semantic Analysis in Python discrepancy
1,467 How to correctly save a dictionary in .npz format
1,466 plot data stored in a file using (mayavi) mlab.contour3d?
1,466 Play and record sound using pyaudio simultaneously
1,466 Dot product of huge arrays in numpy
1,465 What does numpy.percentile mean and how to use this for splitting array?
1,465 Trapezoidal wave in Python
1,465 percentiles from counts of values
1,465 numpy masked array fill value still being accessed
1,465 Numpy eigenvectors aren't eigenvectors?
1,465 Is it possible to copy numpy variable values to clipboard in PyCharm?
1,465 How do you take a stratified random sample from a Pandas dataframe that stratifies by a continuous variable
1,464 Store and extract numpy datetimes in PyTables
1,464 Python solution to transforming polar stereographic data to mercator projection
1,464 numpy.float64 error when iterating over float values
1,464 How to get the N maximum values per row in a numpy ndarray?
1,463 Write a numpy.ndarray to an xlsx spreadsheet
1,463 scipy.interp2d warning and large errors off the grid
1,463 How to efficiently convert large numpy array of point cloud data to downsampled 2d array?
1,463 f2py with OMP: can't import module, undefined symbol GOMP_*
1,463 Error packaging Kivy with numpy library for Android using buildozer
1,463 Efficient Kalman filter implementation on gridded data
1,463 Debian No Module named numpy
1,463 Conditional removing of duplicates pandas python
1,463 Combinations without repeat and ordering matters or Permutations of array elements
1,463 AttributeError: module 'enum' has no attribute 'IntFlag'
1,462 Removing nested loops in numpy
1,462 Python: Assign list to multidimensional array element
1,462 Numpy array memory issue
1,462 nbytes and getsizeof return different values
1,462 Loading csv and saving HDF5 in Python
1,462 How to raise arrays with negative values to fractional power in Python?
1,462 How to pass complex numbers from python numpy to c (trying to use SWIG at the moment)
1,462 How to convert values in specific column into integer type under numpy matrix
1,462 how do i import from a unicode (utf-8) csv file into a numpy array
1,462 Find inverse polynomial in python in GF2
1,461 py2exe with Numpy/Scipy and Matplotlib DLL load fail
1,461 Import YUV as a byte array
1,461 How to deal with MemoryError in remote ipython notebook?
1,461 Dot product of ith row with ith column
1,461 2D Ising Model in Python
1,460 Vectorize iteration over two large numpy arrays in parallel
1,460 Python: Define the softmax function
1,460 Matrix multiplication on 4D numpy arrays
1,460 ImportError SciKit-learn
1,460 How to get min and max values of ranges with numpy?
1,460 Discretize path with numpy array and equal distance between points
1,460 Boolean in a numpy sum
1,459 ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
1,459 TypeError: 'numpy.ndarray' object is not callable while extracting index and elements are stored in different array in python
1,459 How to understand the np.argwhere function?
1,459 How do numpy and GMPY2 compare with GMP in terms of speed?
1,459 Converting dictionary with known indices to a multidimensional array
1,458 TypeError: A sparse matrix was passed, but dense data is required. Use X.toarray() to convert to a dense numpy array. with NaiveBayes Classifier
1,458 Transform image data in 3D
1,458 Simple implementation of NumPy cov (covariance) function
1,458 Mean of column subsets for all columns of a 2D Numpy array
1,458 Matplotlib setup for saving figures for publication and reports from interactive plots
1,458 initialize numpy array with named tuples
1,458 Divide numpy array into multiple arrays using indices array (Python)
1,457 Why is the max element value in a numpy array 255?
1,457 Why does this order of the Gaussian filter in scipy give the x and y derivative?
1,457 Split numpy array into sub-arrays based on conditions
1,457 Numpy ValueError (got 1 columns instead of 2)
1,457 Numpy Array Operation Too Slow np.asarray()
1,457 Generate a n-dimensional array of coordinates in numpy
1,456 What are the implications of calling NumPy's C API functions from multiple threads?
1,456 Retrieving data points from scipy interpolate/griddata
1,456 Replace row with another row in 3D numpy array
1,456 Python numpy: sum every 3 rows (converting monthly to quarterly)
1,456 Python3 - TypeError: 'numpy.float64' object is not iterable
1,456 Estimate value from curve fit
1,456 Different result of same numpy mean calculation on two computers
1,455 Pandas uses substantially more memory for storage than asked for
1,455 OpenCV + Numpy Script
1,455 Numpy rotation matrix multiplication
1,455 How to extract data from .csv file and create a plot?
1,455 Build numpy array with multiple custom index ranges without explicit loop
1,454 Quickest way to calculate subset of correlation matrix
1,454 Python Decimal module doesn't work on uint64
1,454 How do I install scipy, numpy and scikit-learn on snow leopard?
1,453 solve an integral equation by python
1,453 Python numpy/scipy eigenvectors seemingly not correct for markov chain model
1,453 Numpy finding 3d coordinate distance from a specified point
1,453 Memory mapped file for numpy arrays
1,453 List of list of tuples to pandas dataframe
1,453 efficient way to convert a nested list to numpy array
1,453 About the numpy.linspace [duplicate]
1,452 Why ndim = 2 in this numpy array?
1,452 Tensor Flow softmax Regression Always Predicts 1
1,452 Python, Scipy: Building triplets using large adjacency matrix
1,452 Numpy boolean index mask for conditional subtraction of existing values
1,452 Get pointer from numpy array to send image to C++
1,451 simple but weird vstack/concatenate problems (python)
1,451 Numerical Python - how do I make this a ufunc?
1,451 Mapping element-wise a NumPy array into an array of more dimensions
1,451 Linear regression of 2 lists in python
1,451 Interpolate unstructured X,Y,Z data on best grid based on nearest neighbour distance for each points
1,451 Cython with `cimport numpy` fails
1,451 appending 3d arrays in numpy
1,450 Numpy: invalid literal for int() with base 10
1,450 indexing numpy multidimensional arrays
1,450 How do you generate an animated square wave from binary number for the respective decimal number using for loop
1,450 Can I perform operations between rows on a dataframe?
1,449 What direction should I go to go faster than np.fft [duplicate]
1,449 Using f2py with windows x64 and Intel Fortran
1,449 Python replacing max values in array
1,449 Pandas: Best way to count matches between two columns?
1,449 Limit decimals numbers when writing to csv in python
1,449 Iterate over vectors in a multidimensional numpy array
1,449 Installing numpy RPM with older Python version
1,449 Conditional numpy cumulative sum
1,448 The most effective way to random flip every image in a numpy array
1,448 Outer join in Python for thousands of large tables
1,448 Numpy loadtxt Behavior change with Python 3
1,448 How to reshape a vector to TensorFlow's filters?
1,448 How does numpy argmax work?
1,448 Calling python from java using jython and passing parameters
1,447 Reading a binary file in Python: takes a very long time to read certain bytes
1,447 Python - Generating values from a normal (truncated at 0) distribution [closed]
1,447 Handling C++ arrays in Cython (with numpy and pytorch)
1,447 an error of opencv on python about boundingRect
1,446 Why does transposing a numpy array rotate it 90 degrees?
1,446 Summing over pair of indices (or more) in Python
1,446 Sparse eigenvalues : scipy.sparse.linalg.eigs is slower than scipy.linalg.eigvals
1,446 Numpy broadcasting rules when using masked_where (or do they not apply?)
1,446 Match length of two Python lists
1,446 Is it possible to index numpy array with sympy symbols?
1,446 F tensorflow/python/lib/core/bfloat16.cc:664] Check failed: PyBfloat16_Type.tp_base != nullptr Aborted
1,446 Difference between max and np.max
1,446 Check if multiple rows exist in another dataframe
1,445 Using bootstrapping random.choice
1,445 Standard deviation from numpy 2d histogram
1,445 reprojectImageTo3D() typeError, OpenCV Python
1,445 Python Dict to numpy multidimensional array
1,445 How to write a fast log-sum-exp in Cython and Weave?
1,445 fft2 different result in numpy and matlab
1,445 Efficiently store a large sparse matrix (float) [duplicate]
1,444 Utilizing scipy.optimize.minimize with multiple variables of different shapes
1,444 Reverse sort of Numpy array with NaN values
1,444 Numpy Element-wise Standard Deviation
1,444 Modify numpy array column by column inside a loop
1,444 Merging 1D and 2D lists in python
1,444 Converting numpy.ndarray into opencv cv::Mat
1,444 Adding appending numpy arrays
1,444 2D Numpy Array Fancy Indexing + Masking
1,443 Tie breaking of round with numpy
1,443 Python Pandas: Convert 2,000,000 DataFrame rows to Binary Matrix (pd.get_dummies()) without memory error?
1,443 Python/Numpy - calculate sum of equal array elements
1,443 Numpy: Turn a scatterplot into a 2D array
1,443 Normalize a multiple data histogram
1,443 ImportError: No module named numpy.distutils.core (during keras installation)
1,443 I am trying to import numpy for use in a Python script but I get the error ''No module named numpy''
1,443 How to get coordinates from a numpy slice object
1,443 how can save some 3d images in a 4d array in python? [closed]
1,443 Get indices of feature position on image mask in python,opencv2,numpy
1,442 ValueError: shapes (4,4) and (3,) not aligned: 4 (dim 1) != 3 (dim 0)
1,442 TypeError: '>' not supported between instances of 'str' and 'float' when added extra operations
1,442 Sorting 3d arrays in python as per grid
1,442 Save numpy array of Python lists
1,442 Plot specific points in DBSCAN in sklearn in python
1,442 Jupyter uses wrong version of numpy
1,442 importing pandas, numpy 'module' object has no attribute 'Integral'
1,442 How to quickly determine if a matrix is a permutation matrix
1,442 How to add multiple trendlines pandas
1,442 Adding error bars to a graph with file data using matplotlib
1,441 Running Half life codes for a mean reverting series
1,441 Poincare Section of a system of second order odes
1,441 numpy matrix multiplication row-wise
1,441 Numpy Array Change indices
1,441 Memory allocated to Python is not released back in Linux even after gc.collect()
1,441 Index n dimensional array with (n-1) d array
1,441 How to impute each categorical column in numpy array
1,441 Curve Fitting a data set with unknown formula (SciPy)
1,440 scipy.optimize.minimize : compute hessian and gradient together
1,440 scikits learn SVM - 1-dimensional Separating Hyperplane
1,440 reshape image error
1,440 numpy.extract and numpy.any functions, is it possible to make it simpler way?
1,440 matplotlib scatter plot with custom cmap - colors not right
1,440 ''Linked lists'' in numpy array? How to avoid duplicate entries
1,440 Compute mean value from pandas histogram dataframe
1,439 Python fast way to get data from multiple files in single numpy array
1,439 Linear regression with Y values containing NAN using scipy
1,439 How to set a range of values in numpy to nan?
1,439 How to plot all files in one folder in python?
1,439 handling too many categorical features using scikit-learn
1,438 Python: How to reduce run time?
1,438 How can I reduce a tensor's last dimension in PyTorch?
1,438 Finding only the ''prominent'' local maxima of a 1d array
1,438 convert numpy warnings to errors
1,438 Adding two matrix with different dimension
1,437 vtk python icp how to get transform matrix
1,437 Trouble creating a conda env with working numpy: `ImportError: cannot import name scalarmath`
1,437 scipy.optimize with multiple bounds, constraints and continuous fields
1,437 Python error installing package
1,437 numpy: multiplying a 2D array by a 1D array
1,437 How to make user defined functions for binned_statistic
1,437 How to convert fixed point (Q format) number to floating point in MATLAB
1,437 How can I use NumPy array indexing to select 2 columns out of a 2D array to select unique values from?
1,437 Calculating t-statistics using `scipy.stats`
1,436 SciPy - fit a Gaussian envelope
1,436 Python numpy not saving array ()
1,436 PIL Image constructs weird images from numpy array - why?
1,436 OpenCV: How to use the convertScaleAbs() function
1,436 How to read only some lines from a large file in python?
1,436 How to convert a tuple of depth 2 to a 2D Numpy array?
1,436 How can I open a 3D .npy file in R or MATLAB?
1,436 Converting a string representation of an array to an actual array in python [duplicate]
1,436 Calculating distances on grid
1,435 Quit Python program when it hits memory limit
1,435 Python, plotting all columns vs the first column (date) in a csv file
1,435 Problems with timezone in numpy.datetime64
1,435 numpy scipy python import sparse matrix from csv
1,435 Generate each column of the numpy array with random number from different range
1,435 checking if a matrix is diagonally dominant in python
1,435 AttributeError: 'numpy.ndarray' object has no attribute 'as_rgba_str'
1,434 How to convert the second column of a csv file to a list of floats?
1,433 Removing dtype from the end of numpy column stack
1,433 Python: Apply function, exp, to every ele of numpy array
1,433 OpenCV detect if image file is colour prior to loading
1,433 how to make matrix into diagonal matrix in numpy?
1,433 How to convert from numpy array to file byte object?
1,433 entry point mkl_blas_dgem2vu could not be located
1,433 Calling C from Python: passing list of numpy pointers
1,433 2D Histogram from a 3x3 array in PYTHON
1,432 scipy.optimize.minimize ignores constraint
1,432 Remove decimals in Pandas column names
1,432 Random diagonal matrix
1,432 Mapping rows of a Pandas dataframe to numpy array
1,432 How to use python to find matching data points in two arrays and return a third?
1,432 How to import text data file with irregular columns in rows?
1,432 Flattening of numpy array
1,432 Can numpy einsum() perform outer addition?
1,432 Can I calculate element-wise product using an np.matrix?
1,431 numpy piecewise function claiming lists are not same size
1,431 How to use python to plot a 3d surface of a numpy array?
1,431 error importing numpy
1,431 Best data structure to use in python to store a 3 dimensional cube of named data
1,430 Selecting and operating on columns in a .csv
1,430 Python read microphone without PyAudio
1,430 OpenCV ERROR - <unknown> is not a numpy array
1,430 Error while computing probabilities of an array list
1,429 scipy.optimize: faster root finding over 2D grid
1,429 Numpy where for 2 dimensional array
1,429 Multinomial Naive Bayes with scikit-learn for continuous and categorical data
1,429 how to zoom the plot in pyqtgraph
1,429 How to generate an n-dimensional grid in python
1,429 Difference between np.dot() and np.multiply
1,428 Why to convert a python list to a numpy array?
1,428 What is a good approach to filter, sort and group data stored in large text files
1,428 Open CV - Python RGB to GRAY convertor
1,427 TypeError(''Data type not understood'') when trying to create a matrix
1,427 Statsmodels logistic regression convergence problems
1,427 Python matrix provide with numpy.dot()
1,427 pyAudioAnalysis Library error: cannot reshape array of size 4400 into shape (220,10)
1,427 Passing numpy arrays to Java using Jpype
1,427 minimum of a sparse matrix?
1,427 Is it possible to use numpy.argmax with a custom field of objects in a list?
1,427 How to apply CMA-ES optimization to an arbitrary user defined objective function in Python?
1,427 How do I convert a DataTable to a jagged array in C#?
1,427 2D gaussian distribution does not sum to one?
1,426 Why is dill much faster and more disk-efficient than pickle for numpy arrays
1,426 Scipy odeint ODE error on array sizes
1,426 Numpy array get the subset/slice of an array which is not NaN
1,426 How to transform tensors to numpy.ndarray in Keras?
1,426 How to .apply() lambda function to restricted column set in DataFrame
1,426 generator' object has no attribute 'data', problems loading some file with scipy?
1,426 Fast Interpolation / Resample of Numpy Array - Python
1,426 Error when importing NumPy in PyCharm
1,426 dynamic array creation in cython
1,426 Degree Of array
1,425 Reformat matplotlib x-axis from HH:MM:SS to HH:SS
1,425 Pandas DataFrame - Transpose few elements of a row into columns and fill missing data
1,425 Methods for entering equations while programming in C/C++ , Python or Fortran
1,425 L2 normalization of rows in scipy sparse matrix
1,425 How to insert multiple elements in numpy array using np.concatenate()?
1,425 how find a maximal set or a superset from a list of sets (Maximal set is the set which is not subset of another set in the list) [duplicate]
1,424 Numpy slicing with batch size
1,424 Numpy is installed but still getting some errors
1,424 How to Print a specific column in a 3D Matrix using numpy Python
1,424 ArcGIS/Python: How to sum rows based on a common ID
1,423 Plot 3D convex closed regions in matplot lib
1,423 ndim of structured arrays in numpy?
1,423 How to make file name a variable using np.savetxt in python?
1,423 Fails to fix the seed value in LDA model in gensim
1,423 Calculate slope on DEM
1,423 Alternative to nested np.where in Pandas DataFrame
1,422 what is the fastest way to calculate sigmoid?
1,422 Raise to 1/3 gives complex number
1,422 QR decomposition for rectangular matrices in which n > m in scipy/numpy
1,422 How to calculate sum of abs of all off-diagonal elements of a numpy array?
1,422 Drawing a line from a numpy array
1,421 Write numpy array to csv file with a specific number of columns
1,421 What does assert equal to empty parentheses (assert x == ()) mean?
1,421 Template Matching: efficient way to create mask for minMaxLoc?
1,421 Store vector in cell of a numpy matrix
1,420 Using numpy.linalg.svd on a 12 x 12 matrix using python
1,420 Solving System of Differential Equations using SciPy
1,420 python/numpy generated binary file to be read by C
1,420 Numpy array in Keras Layer
1,420 How to define values for RegularGridInterpolator
1,420 How do I use numpy's pv function for calculating a present value without a pmt?
1,420 function for computing bicoherence
1,420 Fast python implementation of cropping with padding=wrap
1,420 Creating an X by Y dimension array of (a,b) points in Python 2.7
1,419 QQ Plot for Poisson Distribution in Python
1,419 Numpy.dot bug? Inconsistent NaN behavior
1,419 How to load file created with numpy.savez_compressed?
1,419 Cache decorator for numpy arrays
1,418 why can't numpy compute long objects?
1,418 Trouble with numpy.histogram2d
1,418 Python numpy convert 2d array in 1d array sorted
1,418 Python: float() argument must be a string or a number, not 'interp2d'
1,418 Python error when importing package: numpy.dtype size changed, may indicate binary incompatibility [duplicate]
1,418 How to multiply a super large number with a super small number in python?
1,417 Why occur TypeError: object of type 'numpy.float64' has no len()
1,417 Saving layer weights at each epoch during training into a numpy type/array? Converting TensorFlow Variable to numpy array?
1,417 Quickest way to calculate the average growth rate across columns of a numpy array
1,417 python, weighted linspace
1,417 Python - Plotting a 3 dimensional array
1,417 Making grid triangular mesh quickly with Numpy
1,417 How to know when to use numpy.linalg instead of scipy.linalg?
1,417 How to create numpy ndarray from numpy ndarrays?
1,417 finding indexes of common subarrays
1,417 Combinatorial explosion while merging dataframes in pandas
1,416 Slicing a 20×20 area around known indices (x, y) in a numpy array
1,416 Set a radial offset on a polar projection in matplotlib
1,416 Numpy's loadtxt and Pandas read_csv result in different float64 representation
1,416 Iteratively appending ndarray arrays using numpy in Python
1,416 How can I convert an image's pixel color information into numbers and store it in a CSV?
1,416 Dynamic Python Array Slicing
1,416 deprecation warning in numpy
1,416 Complex filtering in dask DataFrame
1,415 ValueError: Cannot feed value of shape (200,) for Tensor 'Placeholder_32:0', which has shape '(?, 1)'
1,415 Trailing underscore in `np.ix_`
1,415 Pandas Count values across rows that are greater than another value in a different column
1,415 Opening a mat file using h5py and convert data into a numpy matrix
1,415 Matplotlib and numpy histogram2d axis issue
1,415 Is it possible to store a numpy array in a Spark Dataframe Column?
1,415 Is it possible to specify the alternative hypothesis in Mann-Whitney U tests in Scipy?
1,415 Efficiently find indices of nearest points on non-rectangular 2D grid
1,414 numpy mean of complex numbers with infinities
1,414 ModuleNotFOundError: No module named 'numpy.ma'; 'numpy' is not a package
1,414 How to use view as blocks in Scikit-Image?
1,414 How to create a smaller array from a larger array python
1,414 How to compare two numpy arrays and add missing values to the other with a tweak
1,414 How to append numpy.array to other numpy.array?
1,414 error in a python class with an not iterable object
1,414 Assigning values to a column based on condition using np.where
1,414 ArgumentParser for numpy array
1,414 A key in numpy.amax
1,413 Steady State Probabilities (Markov Chain) Python Implementation
1,413 Selecting specific rows from an array when a condition is met in python
1,413 Implementing a PCA (Eigenvector based) in Python
1,413 Having trouble installing fastcluster library, numpy include error
1,413 Find the index of the min value in a pdist condensed distance matrix
1,413 Fastest way to convert ubyte [0, 255] array to float array [-0.5, +0.5] with NumPy
1,413 checking if the elements of an array are present in another array in python
1,412 Python: raw image data to grayscale
1,412 Load many text files in a loop in arrays with different names with numpys loadtxt
1,412 Line of best fit for a log graph in python 3.3
1,412 Interleaving two numpy index arrays, one item from each array
1,412 How to efficiently output n items per line from numpy array
1,412 how can the string convert to int in python?
1,412 Generate one hot encodings from dict values
1,412 filtering a 3D numpy array according to 2D numpy array
1,411 Matplotlib displaying histogram with a specific value on x and y axis
1,411 Markov Transition Probability Matrix Implementation in Python
1,411 How to use a single covariance matrix in GHMM?
1,411 How to find the pairwise differences between rows of two very large matrices using numpy?
1,411 Convert a binary string into IEEE-754 single precision - Python
1,410 NumPy slicing: All except one array entry
1,410 Is this the wrong error message - AttributeError: 'int' object has no attribute 'log2'? [duplicate]
1,410 int array with Missing values numpy
1,410 Importing CSV file into Google Colab using numpy loadtxt
1,410 Creating a list from a Scipy matrix
1,410 Comparing numpy array of dtype object
1,409 Numpy random choice multiple loops
1,409 how to de-normalize values normalized by linalg.norm method of numpy?
1,409 How do I load both Strings and floats into a numpy array?
1,409 How can I flip the order of a 1d numpy array? [duplicate]
1,409 Get N maximum values and indices along an axis in a NumPy array
1,409 Convert arrays (of numpy data types) to tuples (of native data types) in Python
1,408 Resampling (upsampling, interpolating) a series of numbers
1,408 Python array subtraction loops back to high number instead of giving negative value
1,408 numpy / pandas datetimes
1,408 numpy.genfromtxt is not unpacking
1,408 Matplotlib fullscreen not working
1,408 Lispy dialects with good multi-dimensional array programming support
1,408 Importing numpy statement in script
1,408 How to remove an 2d array subset?
1,408 Efficiently compute 50Hz content of signal
1,407 Shuffle 2D array
1,407 pandas getattr(df, ''mean'') doesn't work like df.mean() [duplicate]
1,407 Numpy distutils howto
1,407 Multi dimensional array in python with predefined size
1,407 Merging two arrays under numpy
1,407 keeping track of indices change in numpy.reshape
1,407 How can I retrieve the k highest values in a data frame in pandas?
1,407 Find float in ndarray
1,407 Converting a dictionary into a square matrix
1,407 Avoid 'Memory Error" when dealing with large arrays
1,406 Replace a column in a numpy matrix
1,406 Python: Justifying NumPy array
1,406 Numpy transpose functions speed and use cases
1,406 Numba 3x slower than numpy
1,406 Keras Image Preprocessing: Tuple Index Out of Range
1,406 IndexError : arrays used as indices must be Integers (or boolean) type
1,406 How to reshape a 3D numpy array?
1,406 How to make a PSD plot using `np.fft.fft`?
1,406 cryptic scipy ''could not convert integer scalar'' error
1,405 Transform numpy array to RGB image array
1,405 Stop loss iterate python pandas numpy
1,405 Python - Faster way to load several images?
1,405 Ironpython call numpy problem
1,405 How to import multiple bands from an image into numpy?
1,405 how to add the following feature to a tfidf matrix?
1,405 How the ttest is calculated in numpy
1,405 Connect all 2D Points from NumPy 2D Arrays as a triangular meshgrid
1,405 Cannot import name random/multiarray in conda environment
1,405 AttributeError: 'module' object has no attribute 'flip', python 2.7
1,404 Writing cython for both 32-bit and 64-bit?
1,404 What is '<U20' dtype in python? [duplicate]
1,404 Remove NaNs from numpy array that has string values and numerical values
1,404 Iterate through rows of numpy array to find mode
1,404 How to send a dataframe to scikit for cross validation?
1,404 How do I use python to graph elements of a large CSV file?
1,404 Converting list of strings to list of floats in pandas
1,404 Adding patches to numpy array opened in matplotlib
1,403 Using clf.fit with numpy arrays from csv
1,403 Unexpected memory error when regriding data with scipy interpolate griddata method
1,403 Tensorflow Import Error (compat.py_: AttributeError: 'module' object has no attribute 'integer'
1,403 numpy.column_stack with numeric and string arrays
1,403 Matplotlib streamplot with streamlines that don't break or end
1,403 Keep values of numpy array that satisfy two or more conditions
1,402 Why is `NaN` considered ''smaller'' than `-np.inf` in numpy?
1,402 Unable to load a previously dumped pickle file in Python
1,402 Reshape (M, N, 3) numpy array to (M*N, 3)
1,402 Matlab/Octave/Numpy numeric difference
1,402 How do I load a tab-delimited file of mixed datatype into numpy or pandas?
1,402 Creating a structured array from a list
1,401 Why won't numpy calculate std deviation on one 5-element list and not another?
1,401 Unable to install pandas on AWS Lambda
1,401 Tensorflow: *Save* the output Conv layer as a png image
1,401 Save numpy array as binary to read from FORTRAN
1,401 Python adaptfilt-echo canceller example with two .wav files
1,401 how to mask the outline of an object in python
1,401 How can we measure RMSE in Python?
1,401 Don't understand this TypeError: 'NoneType' object is not subscriptable error
1,401 Create sparse matrix with pandas and fill it with values from one column of .dat file at indexes [x,y] from other two columns of .dat file
1,400 plot qualitative data on matplotlib
1,400 Numpy cross-product on rectangular grid
1,400 Numpy Correlate is not providing an offset
1,400 Numpy array in array with unequal length
1,400 Lognormal Random Numbers Centered around a high value
1,400 How to remove rows from a dataframe if 75 % of its column values is equal to 0
1,400 Find the indices of non-zero elements and group by values
1,399 Is there a scope for (numpy) random seeds?
1,399 float64 to float32 conversion gives unexpected result
1,399 creating small arrays in cython takes a humongous amount of time
1,398 unstable result from scipy.cluster.kmeans
1,398 Python: Vectorizing evaluations of arrays of lambda functions
1,398 Plotting ROC curve - too many indices error
1,398 Initialize Parameters Gaussian Mixture in Python with sklearn
1,398 immutable numpy array
1,398 How to replace a section of an array with another array [numpy]
1,398 Getting Errs 'running setup.py install for numpy" Anyone have a simple numpy-site.cfg or site.cfg on Windows and Python 2.7
1,397 Rolling maximum with numpy
1,397 Python Scikit-image processing of Gel electrophoresis data
1,397 Pandas Dataframe Multicolor Line plot
1,397 n-sphere coordinate system to Cartesian coordinate system
1,397 ImportError: : Symbol not found: __PyErr_ReplaceException
1,397 Efficient numpy / lapack routine for product of inverse and sparse matrix?
1,396 What exactly is the `subs` argument of the `evalf` method of SymPy Expression for? Like `s.evalf(subs={ ... })`?
1,396 What exactly is the `subs` argument of the `evalf` method of SymPy Expression for? Like `s.evalf(subs={ ... })`?
1,396 remove pixel annotations in dicom image
1,396 pandas extrapolation of polynomial
1,396 Is there a more Pythonic/elegant way to expand the dimensions of a Numpy Array?
1,395 Why are some numpy calls not implemented as methods?
1,395 Valueerror numpy.poly1d()
1,395 python pandas functions with and without parentheses
1,395 numpy.partition() with 2-D Array
1,395 Initializing pandas dataframes with and without index,columns yields different results
1,395 Filter and sum different columns in a numpy array
1,394 Unable to unwrap image in OpenCV
1,394 search performance in python pandas vs. numpy array
1,394 Python: How to fit curve by user defined function? [closed]
1,394 Projecting Coordinates in Numpy array
1,394 Numpy set dtype=None, cannot splice columns and set dtype=object cannot set dtype.names
1,394 Mean difference of two numpy arrays
1,394 Making a new variable numerical column using if/else statements
1,394 interpolating a rotation through an angle with numpy
1,394 How can a string representation of a NumPy array be converted to a NumPy array?
1,394 Find the business days between two columns in a pandas dataframe, which contain NaTs
1,394 Fast way to convert strings into lists of ints in a Pandas column?
1,394 Creating regular Delaunay grid in with scipy
1,394 Calculate the row average of selected columns
1,393 TypeError: list indices must be integers or slices, not tuple
1,393 performing sum of outer products on sparse matrices
1,393 numpy search array for multiple values, and returns their indices
1,393 Numpy argwhere inequality conditions
1,393 Google foo.bar Challenge Issue: Can't import libraries
1,393 Finding TypeError subtracting two numpy.ndarrays of the same size and type
1,393 Crossover two NumPy arrays efficiently
1,392 Summing values of numpy array based on indices in other array
1,392 Passing arguments to mpmath quad integration
1,392 NumPy - Set values in structured array based on other values in structured array
1,392 Multiple conditions for new column using Regex on Pandas dataframe
1,392 Memory Error while loading a large JSON file python 3.4
1,392 Installing numpy with pypy on mac osx
1,392 How to make a numpy array field in django?
1,392 how to fit 2D contour plot to 2D gaussian
1,392 How to create a large zoomed image in python
1,392 Fit data in Python (sine wave?)
1,392 Alpine Linux : package installed but module not found
1,391 Scipy, Numpy: Audio classifier,Voice/Speech Activity Detection
1,391 scatter function in matplotlib
1,391 Pandas float64 to float 32 ,then the data changes
1,391 Mac OSx: ModuleNotFoundError: No module named 'numpy'
1,391 interpolation between arrays in python
1,391 In Python 3, how to swap two sub-arrays in a 2-dimensional numpy array?
1,391 How to save big (not huge) dictonaries in Python?
1,391 How to convert a Python list of lists to a 2D numpy array for sklearn.preprocessing
1,391 Can datetime handle AM string
1,391 Appropriate data structure for time series
1,390 What is a top-level function in Python?
1,390 specifying missing values to pdist in scipy
1,390 Efficient python way for recursive equations
1,390 Anacondas install messed with IPython pandas import?
1,389 Why does numpy.argmax for a list of all False bools yield zero?
1,389 Which operations in numpy/scipy are multithreaded?
1,389 Replacing outliers with NaN in pandas dataframe after applying a .groupby() arguement
1,389 Pandas: ''data type datetime not understood'' error in date offset operation
1,389 Matplotlib matrix/image explicitly state axis values
1,389 How to get pseudo-determinant of a square matrix with python
1,389 Finding False-True transitions in a numpy array
1,389 Find index in array to which the sum of all elements is smaller than a limit, quickly
1,389 Down-sampling with numpy
1,389 add value to each element in array python
1,388 Piecewise Affine Transform+warp output looks strange
1,388 minimize alpha in exponential smoothing
1,388 How to unify a split image in python?
1,388 Error while installing numpy in venv
1,387 scipy.sparse.csr_matrix row filtering - how to properly achieve it?
1,387 Pandas Import Error
1,387 How to change numpy.array sample rate?
1,387 Find the maximum x,y value fromn a series of images
1,387 finding max number of consecutive elements using vectorization
1,387 Efficiently checking Euclidean distance for a large number of objects in Python
1,387 Caffe feature extraction is too slow? caffe.Classifier or caffe.Net
1,386 Weighted Gini coefficient in Python
1,386 python pandas aggregating non numeric types
1,386 Python - Generate a grid of equally spaced points
1,386 Python / Cython / Numpy optimization of np.nonzero
1,386 How to remove dimensions in numpy array? [duplicate]
1,386 How to install numpy with mingw in windows, 64bit, python-2.7?
1,386 How to do FFT on input from microphone/line in with Python
1,386 Convert `int *` to a Python or Numpy object in a Cythonized function
1,385 ValueError: cannot reshape array of size 1 into shape (1,43)
1,385 Removing ''rows'' containing negative values in 3D numpy array
1,385 Python: converted matrix from an image is 3D instead of 2D
1,385 Operations in Masked Numpy Arrays
1,385 efficient array concatenation
1,385 Break x-axis into several subsets in matplotlib
1,385 Astropy isn't working with Python
1,384 Wrong freqs & amplitudes with numpy.fft, furthermore odd drawing of spectra
1,384 Use numpy with Cython
1,384 Successive over-relaxation not converging (when not done in-place)
1,384 subtraction operation on multidimensional arrays
1,384 Pulp Optimization with Pandas and NumPy (CLSP - Lot Sizing)
1,384 Merge histograms with different ranges
1,384 How to Use Pandas with Multiple Column NumPy Array
1,384 Heatmap that shows both high and low density regions clearly (python)
1,384 Fitting a distribution given the histogram using scipy
1,384 Efficient ways to iterate over several numpy arrays and process current and previous elements?
1,383 Why does assertAlmostEqual(-inf,-inf) fail?
1,383 Opencv Different Outputs with imshow and imwrite
1,383 Matplotlib - plotting transparent and overlapping time series
1,383 Least squares in a set of equations with optimize.leastsq() (Python)
1,383 Extract gurobi muti-dimensional variable value and form a numpy array
1,383 Confusion in array operation in numpy
1,383 Boolean array masks in Javascript
1,383 array of minimum euclidian distances between all points in array
1,382 .wav file doesn't play any sounds
1,382 Python Orange Numpy Examples
1,382 Numpy matrix dimensions-tfidf vector
1,382 Mean ignoring NaNs along columns in a NumPy array without using numpy.nanmean
1,382 How to convert a very large image(tif) file into an array using Python
1,382 Error importing numpy after upgrading with pip
1,382 create binary random matrix with probability in python
1,382 Combining two 2D arrays into one image plot
1,381 When to use train_test_split of scikit learn
1,381 Save data from plot to numpy array
1,381 Plotting 2D integral function in python
1,381 numpy.polyfit giving error for covariance matrix
1,381 Integration not successful in Python QuTiP
1,381 How to get the spline basis used by scipy.interpolate.splev
1,381 how to display legend iterating over list of values
1,381 Get indices of matrix from upper triangle
1,381 Difference between scipy.interpolate.griddata and scipy.interpolate.Rbf
1,381 Create indicator matrix from two arrays in Python Numpy
1,381 Best way to store scraped data in Python for analysis
1,380 Python fastest way to find similar vector in a large matrix
1,380 Optimize Double loop in python
1,380 Numpy simple join 2 arrays
1,380 Numpy/Pandas correlate 2 arrays of different length
1,380 Difference between scipy.stats.mstats.chisquare and scipy.stats.mstats in Python
1,380 Create CSR matrix from x_index, y_index, value
1,379 Sharing and editing numpy array in python multiprocessing
1,379 Pythonic way to create a numpy array of coordinates
1,379 How to suppress output in imported module
1,379 Extrapolating data from a curve using Python
1,379 Boolean masking on multiple axes with numpy
1,378 Python linprog minimization error - simplex method
1,378 python 3.5 - cannot use cvxopt
1,378 Numpy dstack for 3d arrays
1,378 How to revert a vertical numpy array (1D) to its usual horizontal default form?
1,378 create new column from if else statement
1,378 Avoiding ''complex division by zero'' error in Numpy (related to cmath)
1,377 Using polyfit to plot scatter points with errors
1,377 Python ReLu activation function desn't work
1,377 Problems with pandas and numpy where condition/multiple values?
1,377 Preserving column names in Sklearn Pipelines
1,377 efficient way to resize numpy or dataset?
1,377 Concatenating arrays with numpy doesn't work
1,377 comparing Numpy arrays raises a.any() or a.all() error
1,377 Blas seems very slow
1,376 Python - Share a Numpy Array Between Processes?
1,376 pandas DataFrame style, highlight nan's
1,376 numpy array slicing, get one from each third dimension
1,376 Multiply together list of matrices in Numpy
1,376 matplotlib pyplot side-by-side graphics
1,376 How can I cluster a list of a list of tuple (tag, probability)? - python
1,376 Apply rotation matrix to vector + plot it
1,375 to convert a list to a 2D matrix in python
1,375 Tensorflow: terminate called after throwing an instance of 'std::system_error' what(): Resource temporarily unavailable
1,375 TensorFlow - Cannot get the shape of matrix with the get_shape command
1,375 Python MemoryError when not really out of memory?
1,375 plt.bar -> TypeError: cannot concatenate 'str' and 'float' objects
1,375 Indices of k-minimum values along an axis of a numpy array
1,375 How to plot a point-to-point alignment between two sequences of datapoints?
1,375 Finding minimum and maximum value for each row, excluding NaN values
1,375 Convert tuple to numpy ndarray
1,374 Why does numpy's fromiter function require specifying the dtype when other array creation routines don't?
1,374 Randomly generate list of tuples of random numeric string of random length
1,374 In Python how to find max length of inner list in a 2D list? [duplicate]
1,374 Improve performance of the np.irr function through vectorization
1,374 How can I pack numpy bool arrays into a string of bits?
1,374 Finding indexes of matching rows in two numpy arrays [duplicate]
1,374 Fastest way to create a pandas column conditionally
1,374 Create new column in Python array based on values calculated in the code
1,374 Convert numpy array dtype. ValueError: setting an array element with a sequence
1,374 2 d interpolation with the arrays with different dimensions in python
1,373 TypeError: 'str' object is not callable in Ipython console, but not externally
1,373 Python equivalent of MATLAB command prod [duplicate]
1,373 Palette method using numpy
1,373 numpy classification comparison with 3d array
1,373 Normalization across colour channels in numpy
1,373 Median-based linear regression in Python
1,373 Imprecision with rotation matrix to align a vector to an axis
1,373 Fitting Differential Equations: curve_fit converges to local minima
1,373 Cross Entropy for batch with Theano
1,373 Brute force all possible matrix combinations in python
1,372 Training a Keras model on multiple feature files that are read in sequentially to save memory
1,372 Subtract from one column of a numpy array
1,372 Storing Numpy or Pandas Data in Mongodb
1,372 Python 3 SyntaxError: invalid syntax(machine learning)
1,372 Pandas to_numeric numerical precision
1,372 Numpy savetxt error
1,372 Numpy gives ''TypeError: can't multiply sequence by non-int of type 'float'''
1,372 Numpy extract values on the diagonal from a matrix
1,372 How to read xlsx or ods columns as numpy arrays in python
1,372 how to fix ''Found input variables with inconsistent numbers of samples: [219, 247]''
1,372 Fastest way to load huge .dat into array
1,371 Sort each column of an numpy.ndarray using the output of numpy.argsort
1,371 Save figures from double loop enumeration in Matplotlib
1,371 Performance nested loop in numba
1,371 How to display more than one image on the screen in PsychoPy?
1,371 How to deal with exponent overflow of 64float precision in python?
1,371 Efficiently store list of matrices
1,370 Why is vector dot product slower with scipy's sparse csr_matrix than numpy's dense array?
1,370 Remove features from binarized image
1,370 Python Pandas - ''1D'' file to 2D array
1,370 Output of numpy.diff is wrong
1,370 Numpy multiply multiple columns by scalar
1,370 Numpy - Calculating product of a diagonal
1,370 Multiplying two 2D numpy arrays to a 3D array
1,370 Faster alternative to numpy.einsum for taking the ''element-wise'' dot product of two lists of vectors?
1,370 Creating feature (row) vectors, for SVM, from Pandas GroupBy function (and or other methods suggested)
1,369 is there a 2D dictionary in python?
1,369 How to improve the performance when 2d interpolating/smoothing lines using scipy?
1,369 Getting a list of the range of 2 pandas columns
1,369 Fitting partial Gaussian
1,368 Why does saving/loading data in python take a lot more space/time than matlab?
1,368 python import error with zip
1,368 looping through an array to find euclidean distance in python
1,368 ''Less/greater than'' comparison of N-dimensional and (N-k)-dimensional numpy arrays
1,368 How to put console output into .csv using Python?
1,368 Generating a spectrogram for a sequence of 2D movie frames
1,368 Filter data, based on Latitude and Longitudes - Numpy
1,368 Create a larger matrix from smaller matrices in numpy
1,367 Sorting points from distance to a given point x,y here in my case (x=0,y=o)
1,367 numpy.load unable to interpret pickle file as pickle in anaconda environment
1,367 How to include the first few items of a numpy array with python
1,367 How do I use numpy to find the unions between 2D and 3D arrays?
1,367 Finding Coordinates of Line in HoughLineP() in OpenCV using Python
1,367 Fast data reading from text file in numpy
1,367 Arranging numpy arrays in a block matrix
1,366 Selecting random position in numpy matrix
1,366 save a numpy array properly
1,366 Remove `dtype` fields from structured array [duplicate]
1,366 Opencv python: apply arbitrary function to each pixel without iterating
1,366 Numpy reshape on view
1,366 numpy linalg.lstsq with big values
1,366 How to delete specific rows from a numpy array using a condition?
1,366 How to convert 16 bit PCM data into float in python?
1,366 Generate transition matrix
1,366 Creating a transparent mask with numpy
1,366 Creating an empty multidimensional array
1,365 scipy voronoi 3d - not all ridge points are shown
1,365 opencv: finding contoures on numpy array
1,365 Omit joining lines in matplotlib plot e.g. y = tan(x)
1,365 Matplotlib and Numpy Math
1,365 f2py: Pre-allocating arrays as input for Fortran subroutine
1,365 draw 3D yield surfaces with matplotlib
1,364 What is the fastest way to plot a 2d numpy array of pixel data with pygtk?
1,364 Sklearn train model with single sample raises a DeprecationWarning
1,364 ''Please upgrade your python'' when installing numpy ... when I have Python 3.8.1
1,364 numpy create 2D mask from list of indices [+ then draw from masked array]
1,364 Numpy Array Conditional Operation Mask?
1,364 Error memory-mapping a file: Array can't be memory-mapped: Python objects in dtype
1,364 Average face - algorithm
1,363 Using nested for loops to evaluate function at every coordinate - python
1,363 Python ValueError abs of an array
1,363 numpy number array to strings with trailing zeros removed
1,363 how to save feature matrix as csv file
1,363 How to remove duplicates from a 3D array in Python?
1,363 How do I use k-means on time series data that has nans?
1,363 Defining and plotting a Schechter function: plot problems
1,363 Create Sparse Matrix in Python
1,362 ValueError: could not convert string to float: Numpy array [closed]
1,362 shape of pandas dataframe to 3d array
1,362 Python: Sliding windowed mean, ignoring missing data
1,362 Numpy for app engine - ''No module named numpy''
1,362 How to select all non-NaN columns and non-NaN last column using pandas?
1,362 Efficiently accumulating a collection of sparse scipy matrices
1,362 difference between np.concatenate and np.hstack [duplicate]
1,362 Comparing rows of two pandas dataframes?
1,361 Taking Exponential of a Sparse matrix
1,361 scipy PchipInterpolator Error: 'array cannot be safely cast to required type'
1,361 Remove elements from numpy array smaller than 1
1,361 Python: Read text file with time in hour, minutes and seconds; and angle in degree, arc minutes and arc seconds
1,361 Python builtin ''all'' with generators
1,361 Pandas groupby object.aggregate with a custom list manipulation function
1,361 Numpy .A1 array not always present
1,361 Install scikit-learn, numpy import error
1,361 How to select all locations of unique elements in numpy 2d array with bounding box around them?
1,361 find nearest neighbors between numpy arrays
1,361 Convert numpy arrays in a nested dictionary into list whilst preserving dictionary structure
1,361 Can numpy diagonalise a skew-symmetric matrix with real arithmetic?
1,361 Batched tensor multiplication with numpy
1,360 Write numpy datetime64 in ISO 8601 with timezone
1,360 Performing a moving linear fit to 1D data in Python
1,360 Install-time dependencies in requirements.txt
1,360 IndexError: shape mismatch: indexing arrays could not be broadcast together with shapes
1,360 IDL's INT_TABULATE - SciPy equivalent?
1,360 How to use np.where to find index where a value is in between array entries?
1,360 How to get the pointer of a returned PyObject in Python C API?
1,360 How can I create a numpy dtype from the string 'long'?
1,359 Vectorized 2-D moving window in numpy including edges
1,359 Numpy add (append) value to each row of 2-d array
1,359 Keras sequence prediction with multiple simultaneous sequences
1,359 How to set the min and max of the original array in sklearn.preprocessing.MinMaxScaler
1,359 Creating package installer in OS X - install Python, NumPy and other dependencies
1,358 replace min value to another in numpy array
1,358 Numpy summarize one array by values of another
1,358 Indexing tensor with index matrix in theano?
1,358 How does parakeet differ from Numba? Because I didn't see any improvements on some NumPy expressions
1,358 Avoiding Nan computation
1,358 ''AttributeError: exp'' while using numpy.exp() on an apparently ordinary array
1,357 Writing B-spline as Piecewise Cubic
1,357 PCA sklearn ValueError: could not convert string to float: '[1, 3]'
1,357 numpy argmax not working when value exceeds maximum in array
1,357 multiply multidimensional arrays in python
1,357 IndexError: too many indices when working with pandas data
1,357 How to convert arrays of x,y,z coordinates to 3D path in numpy
1,357 Efficiently applying function over moving window numpy array
1,357 Crop an image in multiple rectangles and combine them into one in Python OpenCV
1,357 Convert an array of arrays into a matrix
1,357 Concise/elegant integration using pandas Series elements as bounds
1,356 Replacing column of inf values with 0
1,356 Python - typing - union of subscriptable type
1,356 python pandas data-frame - duplicate rows according to a column value
1,356 Python, applying a formula on each element in an numpy.array
1,356 Numpy arrays with mixed mutable and immutable values
1,356 Multidimensional symbolic matrix in Python
1,356 Installing numpy on AWS Lambda server - C dependency error, no gcc [duplicate]
1,356 Implement MATLAB's col2im 'sliding' in Python
1,356 how to store my iterations into arrays in python?
1,356 Finding the overlap of numpy images [duplicate]
1,355 why is numpy.linalg.norm slow when called many times for small size data?
1,355 Why correlation of two matrix return nan?
1,355 Speed up this interpolation in python
1,355 Read txt file for specific fields and store them in a numpy array
1,355 How to get a fast lambda function from an sympy expression in 3 dimensions?
1,355 How to convert a sparse dict to scipy.sparse matrix in python?
1,355 How can you implement Householder based QR decomposition in Python?
1,355 curve fitting in scipy is of poor quality. How can I improve it?
1,355 Cannot Calculate Sum of Currency-Based Column Data in Pandas
1,355 Append element to binary file
1,355 Any workaround to getting a list to numpy array for keras input data?
1,355 All operations that will result in nan values(python) [duplicate]
1,354 Write multiple Numpy arrays of different dtype as columns of CSV file
1,354 Round to a given number in Python
1,354 Pandas error: “pandas.libs.hashtable.PyObjectHashTable.get_item (pandas/_libs/hashtable.c:20477)
1,354 Numpy Append Matrix to Tensor
1,354 Monotonically decreasing curve fit using Python
1,354 Error importing CountVectorizer from sklearn
1,353 sklearn::TypeError: Wrong type for parameter `n_values`. Expected 'auto', int or array of ints, got <type 'numpy.ndarray'>
1,353 Python: faster alternative to numpy's random.choice()?
1,353 Installing OpenCV in Raspberry Pi error while doing make
1,353 Finding the source code for a Python module
1,353 Finding the difference between two numpy structured arrays
1,353 Applying pandas Timestamp() call to each item of a numpy array
1,352 Wrong number of columns at line ##
1,352 Writing a string value into CSV file in Python
1,352 Unable to complete install of OpenCV. 'numpy/ndarrayobject.h' file not found
1,352 Segmentation fault when using boost::numpy::ndarray
1,352 find maximum value in array with excluded indices
1,352 Conda env not loading correct version of numpy
1,351 Save.npy masked array to a .npy array with NaNs where mask == True
1,351 R^2 score is not well-defined with less than two samples. Python Sklearn
1,351 Installing SciPy and Numpy with Macports
1,351 Fully vectorise numpy polyfit
1,351 Cannot copy sequence with size 0 to array axis with dimension 5
1,351 Best way to implement numpy.sin(x) / x where x might contain 0
1,350 Using logical_and to combine numpy masks
1,350 Python: create mask from two arrays
1,350 non-linear inversion for up to 1E9 values in python
1,350 How to clip a numpy array?
1,350 How can I pad and/or truncate a vector to a specified length using numpy?
1,349 scipy.ndimage.filters.convolve - different modes along different axes?
1,349 numpy.ndarray enumeration over a proper subset of the dimensions?
1,349 In SciPy, using ix_() with sparse matrices doesn't seem to work so what else can I use?
1,349 import numpy into flask app
1,349 How to efficiently convert 2d numpy array into 1d numpy array of tuples?
1,349 Get minimum value of masked array
1,349 fastest way to obtain cross product
1,349 Array order in `numpy.dot`
1,348 Vectorizing a Numpy slice operation
1,348 Plotting simulating bouncing
1,348 Numpy table - advanced multiple criteria selection
1,348 In numpy append multiple rows using for loop
1,348 How to efficiently send a large numpy array to the cluster with Dask.array
1,348 How to bin a matrix
1,348 Figure dimensions, matplotlib, python3.4
1,348 Fastest way for working with itertools.combinations
1,348 Composite a numpy array/matrix based on column values and variables?
1,348 3D Real time continuous plot using Python
1,347 ValueError: setting an array element with a sequence when using feed_dict in TensorFlow
1,347 TypeError: unsupported operand type(s) for -: 'str' and 'numpy.ndarray'
1,347 Tensorflow batch training of single dimension numpy array without converting it into multiple dimension numpy arrays
1,347 Replacing part of a plot with a dotted line
1,347 numpy 3D meshgrid only as a view
1,347 Numpy 1D array: Row or Column Matrix by Default?
1,347 memory efficient way to make large zeros matrix python
1,347 Initializing a symmetric Theano dmatrix from its upper triangle
1,347 Grab image from screen to numpy array and display it as black and white image
1,347 Calculating Percentile scores for each element with respect to its column
1,346 realtime statistical analysis
1,346 How do I split a 2D array into smaller 2D arrays, of variable size?
1,346 Getting indices of ascending order of list
1,346 efrc gives error length-1 array can be converted to python
1,346 Displaying multiple images from a numpy array in a single plot
1,345 ValueError: total size of new array must be unchanged (numpy for reshape)
1,345 The upper limit of core usage in numpy vector operation
1,345 Python Scipy Optimization: Runtime Warning Invalid Value Encountered in Log
1,345 Python Numpy: All combinations from array or scalar
1,345 pylab plot showing asymptotes
1,345 Numpy/Scipy irfft strange behaviour
1,345 How to decide the step size when using Metropolis–Hastings algorithm
1,345 get the sum of diagonals and anti diagonals 2D N*N matrix using numpy
1,345 Find consecutive ones in numpy array
1,345 correct way of computing inner product with numba
1,345 Conditional index in 2d array in python
1,344 When dtype is specified with genfromtxt a 2D array becomes 1D - how to prevent this?
1,344 What is the correct (stable, efficient) way to use matrix inversion in numpy? [duplicate]
1,344 Scipy.optimize.minimize returning incorrect results
1,344 OpenCV: Save frame matrix to text file (Python)
1,344 How to serialize sympy lambdified function?
1,344 Double sum in Python
1,344 Can this cython code be optimized?
1,344 Assign constant numpy array value to pandas dataframe column
1,343 Subtract two dataframe with the same name different index
1,343 Reverse even rows in a numpy array or pandas DataFrame
1,343 Python MNE - reading EEG data from array
1,343 numpy memmap memory usage - want to iterate once
1,343 Installing Tensorflow on Mac for PyPy
1,343 How to Prepare Data for DecisionTreeClassifier Scikit
1,343 How to convert a Numpy array (Rows x Cols) to an array of XYZ coordinates?
1,343 How to convert an R complex matrix into a numpy array using rpy2
1,343 Group by in pandas dataframe and unioning a numpy array column
1,342 Using Python to create a new Numpy array from an existing one
1,342 Understanding axes in NumPy
1,342 How to produce a ''Callable function''
1,342 Best data structure: arrays of dictionaries, arrays of objects?
1,341 Tensorflow: get variable or tensor by name in a nested scope
1,341 Python (numpy) crashes system with large number of array elements
1,341 numpy numerical differentiation
1,341 fastest way to find the magnitude (length) squared of a vector field
1,341 Building the derivative of Softmax in Tensorflow from a NumPy version
1,341 Basemap and numpy 2d array
1,340 Why is python choking on numpy.core.ma?
1,340 Why does numpy.ndarray allow for a ''None'' array?
1,340 python log n choose k
1,340 pandas merge(how=''inner'') result is bigger than both dataframes
1,340 how to swap columns of the matrix, numpy
1,340 how to quickly count equal element in a numpy.array?
1,340 Fastest way to lowercase a numpy array of unicode strings in Cython
1,340 Cannot access built-in webcam Python
1,339 Searching numpy array for for pattern
1,339 OpenCV-Python - How to format numpy arrays when using calibration functions
1,339 numpy.memmap: bogus memory allocation
1,339 Is the numpy.linalg.lstsq rcond parameter not working according to the description?
1,339 Drawing random data from a given two dimensional distribution function [closed]
1,338 python write to EXCEL cell range (NumPy?)
1,338 Python – ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
1,338 Python - AttributeError: __getitem__
1,338 Numpy engineering notation
1,338 Minimum x and y coordinate of 2d array. Python
1,338 Issue obtaining minimum value of list/array
1,338 How to get grabCut to work opencv python with GC_INIT_WITH_MASK
1,338 How to flatten zipped object containing nested arrays to a list?
1,338 how do you find and save duplicated rows in a numpy array?
1,338 Get the three minimum values of an array in Python, ignoring a value
1,338 Generate unique values based on rows in a numpy array
1,338 Generate data with normally distributed noise and mean function
1,338 Efficient element-wise function computation in Python
1,338 Efficient columnwise correlation coefficient calculation
1,338 create intersection from two or more 2d numpy arrays based on common value in one column
1,337 value error: setting an array element with a sequence
1,337 Speed up array interval comparison using NumPy
1,337 Python: Split numpy array
1,337 Python: Average of multiple 2D curves
1,337 How to center align text produced by numpy.savetxt?
1,337 Converting plain text list into array in python program [closed]
1,336 What database is useful for replacing a dict of numpy arrays?
1,336 Performance issues with pandas and filtering on datetime column
1,336 How to extract lines in an array, which contain a certain value? (numpy, scipy)
1,336 how does numpy.linalg.eigh vs numpy.linalg.svd?
1,336 Fitting a quadratic function in python without numpy polyfit
1,336 Converting Numpy ndarray to a list
1,335 split randomly a list of array in Python
1,335 Python scientific: interrupt differential equation solving with a condition
1,335 How to read file with mixed data type into a numpy array in Python?
1,335 Fast value swapping in numpy array
1,335 Faster method for adjusting PIL pixel values
1,335 Difference between numpy ediff1d and diff
1,335 collapsing all dimensions of numpy array except the first two
1,335 Append a ''layer'' to 3D-Array with Numpy
1,334 tensorflow py_func is handy but makes my training step very slow.
1,334 Subclassing Numpy Array - Propagate Attributes
1,334 numpy array with mpz/mpfr values
1,334 Increment Numpy multi-d array with repeated indices
1,334 how to count adjacent elements in a 3d numpy array efficiently
1,334 how to convert one column in dataframe into a 2D array in python
1,333 Using Numpy in different platforms
1,333 plot the centroid values over the existing plot using matplotlib
1,333 Numpy resize and fill with specific value
1,333 Most efficient way to implement numpy.in1d for muliple arrays
1,333 Mapping a texture to a mayavi mesh
1,333 How to create boolean index array for multidimensional NumPy array?
1,333 How can I tell if a dataframe is of mixed type?
1,333 Efficient way to get union of set of vectors in Numpy
1,332 Python Pip installion: not recognised as a batch file ... in command prompt windows
1,332 python(numpy): how to read specific columns from CSV file?
1,332 Numpy arrays same shape but getting ValueError: x and y must have same first dimension
1,332 matching 1d arrays in 2d arrays in python
1,332 In place difference between elements of a Numpy array
1,332 Indexing a numpy array using a numpy array of slices
1,332 get all unique value from a sparse matrix[python/scipy]
1,332 For loop seems faster than NumPy/SciPy 3D interpolation
1,332 Creating a large sparse matrix in scipy.sparse
1,332 Convert/Reshape 3D Matrix to a 2D Matrix
1,332 Contour plot in python [duplicate]
1,331 Scikit learn Naive Bayes ValueError: dimension mismatch
1,331 Remove last column of 2D matrix, or last element of 1D vector
1,331 Python: why how/where/where np.where
1,331 Numpy zero rank array indexing/broadcasting
1,331 Manipulating indices to 2d numpy array
1,331 In Pandas, how can I convert a ''long'' table to a ''wide and sparse'' table?
1,331 How to crop a raster image by coordinates in python?
1,331 f2py: Exposing parameters from ''used'' modules
1,331 Efficient version of matlab's deconv in python
1,331 Create new column with incremental values efficiently
1,331 Convert ctypes pointer to a numpy array of floats
1,331 Check if list of numpy arrays are equal
1,331 Array in Python Object Oriented
1,330 The difference between np.mean and pandas.mean
1,330 Parallel processing of a 3d matrix in Python
1,330 insert element in the start of the numpy array
1,330 How do I download and install Pandas and Numpy for PyPy in Windows
1,330 How can I concatenate a list of 2d numpy arrays into a 3d numpy array?
1,330 generate 2D numpy array containing tuples
1,330 Efficiently compute n-body gravitation in python
1,330 Add multiple values to one numpy array index
1,330 Adding a very repetitive matrix to a sparse one in numpy/scipy?
1,329 Why is numpy.save not saving the file on linux
1,329 Select all possible subarrays of length n
1,329 Scikit-learn: How to normalize row values horizontally?
1,329 Pandas Series of lists from list of lists
1,329 Opencv Otsu Thresholding error after use numpy?
1,329 Numpy decimal points precision of complex numbers
1,329 Matrix subtraction in python/numpy
1,329 How to plot histogram of sum of two other histogram bars?
1,329 How to make numpy array the same shape as another
1,329 How to create array in C++ similar to Python's numpy array?
1,329 Exponential fit of the data (python)
1,329 Cython: unsigned int indices for numpy arrays gives different result
1,329 Boolean Indexing but turns out to be some other operation
1,328 Why is numba not improving the speed?
1,328 What is the maximum timestamp numpy.datetime64 can handle?
1,328 Tensorboard logging non-tensor (numpy) information (AUC)
1,328 Running complex calculations (using python/pandas) in a Django server
1,328 Open and convert to tensor an image from CSV file in TensorFlow
1,328 Numpy: fast calculations considering items' neighbors and their position inside the array
1,328 mplot3d tutorial examples are not running as they should
1,328 Looping over list of vectors to create histograms for each vector
1,328 List of coordinate pairs from an array in 20 x 20 chunks
1,327 Windowed maximum in numpy
1,327 When to use numpy, csv and pandas, reading a file (2D array) in Python? [closed]
1,327 Rearranging rows and columns of a numpy array (in a single operation) [duplicate]
1,327 Python: How can we smooth a noisy signal using moving average?
1,327 Numpy/Pandas clean way to check if a specific value is NaN
1,327 numpy boolean comparison between big arrays returns False instead of boolean array
1,327 Normalize Pandas DataFrame at specific columns
1,327 mysql.connector.errors.ProgrammingError: Failed processing format-parameters;Python 'list' cannot be converted to a MySQL type
1,327 How to parallelize the numpy operations in cython
1,327 Create Image Histogram Manually and Efficiently in Python
1,326 Working with the output from recfromcsv
1,326 When to use '.flat', '.flatiter' or '.flatten()'
1,326 uniquify an array/list with a tolerance in python (uniquetol equivalent)
1,326 Passing numpy string-format arrays to fortran using f2py
1,326 Pandas how to read 0-padded number with read_fwf?
1,326 ''Not Enough Image Data'' Error when Converting CV2 Numpy Array into RGB Image
1,326 Levinson algorithm in python
1,326 Get positions of elements of array whose difference is minimum in NumPy
1,326 Create list of numbers mirrored around zero (python)
1,325 python package installation gives ''error: command 'gcc' failed with exit status 1''
1,325 Python: How to do several float formattings with 1 lambda function
1,325 Obtaining Legendre polynomial form once Legendre coefficients are determined
1,325 NumPy array holding .wav audio data for sounddevice
1,325 How to resize N-d numpy image?
1,325 How to cancel the effect of numpy seed()?
1,325 error in strpdate2num converter in matplotlib
1,325 Converting numpy array to spark dataframe to input into MySQL (pyspark)
1,324 send an image (as numpy array) 'requests.post'
1,324 Python: merging channels in opencv and manually
1,324 masking a series with a boolean array
1,324 In python, How to make right operand takes the priority (of __rmul__ method) when multiplying two different class?
1,324 How can I do template matching in opencv with colour?
1,324 Get Elements from one array based on list of index from another array
1,324 Elementwise AND or OR operations in python for 2D array
1,323 What do pixel values in an image array mean?
1,323 Python: Why are eigenvectors not the same as first PCA weights?
1,323 PIL weird error after resizing image in skimage
1,323 Generating user-defined colormap in Python matplotlib
1,323 for loop to produce multiple polyfit scatter plots
1,323 Data gap finding (not filling) in pandas?
1,323 Concatenate strings from a 2D numpy array
1,322 Quickly convert numpy arrays with index to dict of numpy arrays keyed on that index
1,322 How to compute the similarity between lists of features?
1,322 How can I port code that uses numpy.fft.rfft from python to C++?
1,322 How can I do this python list comprehension in NumPy?
1,321 Value and Index of MAX in each column of matrix
1,321 pandas DataFrame error ''tuple index out of range''
1,321 Element-wise minimum of two numpy arrays indexed by another array
1,320 what is a reason to use ndarray instead of python array
1,320 Summation of every row, column and diagonal in a 3x3 matrix numpy
1,320 Reading a numpy array from a text file returns 'nan'
1,320 Read a text file into a pandas dataframe or numpy array
1,320 numpy pandas not working in IDLE / work in Anaconda
1,320 Numpy: binning data with ties according to percentiles
1,320 Kivy + Numpy @ Android error
1,320 How would I pitch a wav-file using Python
1,320 How to generate a multidimensional cube in Python
1,320 How to add a 2D subarray in an existing 2D array using numpy?
1,320 How can I load an image with its alpha channel with skimage?
1,320 Extract unique rows from a matrix in numpy with the frequency of each row that was created
1,320 Error calculating curvature with numpy
1,320 Dynamically appending to a Pandas Dataframe
1,320 Correlate one set of vectors to another in numpy?
1,319 parameters constraint in numpy lstsq
1,319 Numpy EIG approximately 4x slower than MATLAB EIG on Mac OS X 10.6. What am I doing wrong?
1,319 numpy.allclose and multiprecision with mpmath
1,319 Merging three numpy arrays as jpeg image in python
1,319 Memory usage in Numpy
1,319 How to approach first and last element of one dimensional numpy array in python? [closed]
1,319 How can I translate a MATLAB cell in Python 3?
1,319 gradient descent using python numpy matrix class
1,319 gnuplot style index plotting using numpy and matplotlib
1,318 Using Matplotlib & Abaqus 6.12
1,318 Trying to install numpy 1.7
1,318 numpy, scipy, interp1d - TypeError: tuple indices must be integers, not str
1,318 Method for finding strictly greater-than-zero solution for Python's Scipy Linear Programing
1,318 matplotlib update installation
1,317 Scipy randint vs numpy randint
1,317 Scipy NDimage correlate: unbearably slow
1,317 Keras with Tensorflow backend on GPU. MKL ERROR: Parameter 4 was incorrect on entry to DLASCL
1,317 Elementwise comparison of numpy arrays of different lengths [duplicate]
1,317 Count of specific case per row in matrix
1,317 Broadcasting a list in Pandas
1,317 Apply function to each list in numpy array of lists
1,316 What is the fastest way to convert from a unixtime to a numpy.datetime64?
1,316 Transforming a rectangle in Python
1,316 Python: Alternative way to avoid memoryerror when using numpy array?
1,316 plotting multiple curves out of one numpy array
1,316 numpy lstsq - memory and run-time performance
1,316 Is there a faster way to add two 2-d numpy array
1,316 delete pixel from the raster image with specific range value
1,316 Anaconda, Spyder, Mayavi
1,315 Writing Pandas Dataframes as well as numpy arrays to a common Excel File
1,315 Using np.view() with changes to structured arrays in numpy 1.14
1,315 solution for the flipping coin issue
1,315 Perform a series of outer products using tracedot in scipy
1,315 numpy meshgrid to Shapely polygons
1,315 Numpy: apparent memory error
1,315 How to smooth date based data in matplotlib?
1,315 3D Polar Plot - griddata doesn't allow cubic interpolation, only linear which results in an ''unsmooth'' plot
1,314 Speeding up multinomial random sample in Python/NumPy
1,314 Python Numpy add 3 arrays in one array
1,314 NumPy array_equal function not working as expected
1,314 Numerical integration over non-uniform Grids
1,314 Matplotlib histogram - plotting values greater than a given value
1,314 How to create colour map from 3 arrays in python
1,314 How do I sort a dataframe by by an array not in the dataframe
1,314 Getting a vector of dictionary values in an array, python
1,314 efficiently calculate list of 3d rotation matrices in numpy or scipy
1,314 CSV >> Tensorflow >> regression (via neural network) model
1,314 Convert UIImage from BGR to RGB
1,313 Pretty printing polynomials in IPython notebook
1,313 NumPy array views on non-consecutive items
1,313 Is there any way to read one image row/column into an array in Python?
1,313 index 1 is out of bounds for axis 0 with size 1 in matrix
1,313 how can I call this function in cython?
1,313 Getting the majority element per row in numpy matrix
1,313 Checking if an array is element of a list of arrays
1,312 Sort a numpy array by another array, along a particular axis, using less memory
1,312 Numpy needs the ucs2
1,312 How to play sound from samples contained in NumPy array?
1,312 How to compare two numpy arrays of strings with the ''in'' operator to get a boolean array using array broadcasting?
1,312 Getting unique values from a column in Pandas
1,312 Count how many matrices have full rank for all submatrices
1,311 Tracking Error on a number of benchmarks
1,311 Sample from weighted histogram
1,311 Memory efficient Python batch processing
1,311 melting uniquely indexed pandas dataframes for use with ggplot/rpy2
1,311 How can I use scipy's affine_transform to do an arbitrary affine transformation on a color image?
1,311 A python script that returns expected returns, covariance and volatility of 2 assets
1,310 Pysparse installation ubuntu
1,310 numpy - select the rows where a column is equal in two arrays
1,310 Numpy dot operation is not using all cpu cores
1,310 Matrix multiplication with numpy.einsum
1,310 Mathematica HDF5 and compound arrays
1,310 Issue converting list to NumPy array
1,310 how to get the first occurring of an element from every row in a 2D numpy array?
1,310 How to construct a symmetric matrix in Python
1,310 find the start position of the longest sequence of 1's
1,310 Execute Python From C# Without IronPython [duplicate]
1,310 Convert float NumPy array to big endian
1,309 Raw numpy array from real-time network audio stream in Python
1,309 Quickest way to write large data to file in Python [closed]
1,309 Python/Pandas for solving grouped mean, median, mode and standard deviation
1,309 Python: dynamically update a plot after user input
1,309 pyopengl buffer dynamic read from numpy array
1,309 Pandas to_csv now not writing values correctly
1,309 Object to deep for desired array, numpy random choice
1,308 unable to import numpy and pandas into django
1,308 Summing each 3x3 window of a M*N matrix, into a M/3*N/3 matrix with numpy
1,308 Scatter plot with string X and Y coordinates
1,308 Python regularized gradient descent for logistic regression
1,308 Python/Numpy joining subarrays of an array together
1,308 Python – ImportError: cannot import name X
1,308 Numpy arrays as image, image channels
1,308 Installing numpy using port (Python default version issue)
1,308 How to work out ''ComplexWarning: Casting complex values to real discards the imaginary part''?
1,308 How to train/upscale a very large dataset using scikit-learn?
1,308 How to calculate mean for batch of images in Python in a non vectorized way?
1,308 Display image patches in python
1,308 Defining columns in numpy array - TypeError: invalid type promotion
1,308 Create a new array from numpy array based on the conditions from a list
1,307 ValueError: shapes (9,) and (4,) not aligned
1,307 Sparse arrays from tuples
1,307 Reading every Nth line from a .txt file (Python)
1,307 numpy & pandas 'ModuleNotFoundError' in Jupyter notebook (Python 3)
1,307 list indices must be integers or slices, not numpy.float64
1,307 In Python (Pandas/Numpy), How to subset a df using a condition and a specific chunk size?
1,307 How can I work around overflow error in matplotlib?
1,307 DSP - get the amplitude of all the frequencies
1,307 Creating density estimate in numpy
1,306 Pass in OpenCV image to KNearest's find_nearest
1,306 Optimize function parameters
1,306 Linear Regression with Gradient Descent in Python with numpy
1,306 importing networkx object to gephi - KeyError: <type 'numpy.int64'>
1,306 How to get deque elements via indices?
1,306 Extrapolate 2d numpy array in one dimension
1,306 dtype argument in numpy.genfromtxt
1,305 scipy imsave saves wrong values
1,305 Python Connected With SQL Server (HY105 Error) Invalid Parameter Type HY105
1,305 Plot really big file in python (5GB) with x axis offset
1,305 Multiple conditions np.extract
1,305 How to write a tuple of floats to the file space separated with only one call to write in python?
1,305 how to create batches from TFrecord for training network in tensorflow?
1,305 How to count frequency of a element in numpy array?
1,304 Year as Float to Datetime64
1,304 What is the TensorFlow equivalent of this numpy array permutation?
1,304 Python deprecation warning about sum function
1,304 Pause or stop numpy calculation after RuntimeWarning occured
1,304 Numpy arrays vs Python arrays [duplicate]
1,304 Group data from multiple columns in a csv in Python by timestamps over a defined time range
1,304 efficient numpy.roll before numpy.sum() or mean()
1,304 Converting a list of 3d matrix into 4d matrix
1,303 What is the most efficient way of doing square root of sum of square of two numbers?
1,303 Simulating a logarithmic spiral galaxy in python
1,303 Python randomly drops to 0% CPU usage, causing the code to ''hang up'', when handling large numpy arrays?
1,303 Python multiprocessing global numpy arrays
1,303 Probabilistic selection from a numpy array
1,303 pandas dataframe to features and labels
1,303 matplotlib 3D plot, plot_surface black
1,303 LED strip matrix for FFT with Python and Raspberry Pi
1,303 How to save a Python dtype('O') in an HDF5
1,303 generate a 2D array of numpy.random.choice without replacement
1,303 Cross correlation of medium sized arrays
1,302 What is the javascript equivalent of numpy argsort?
1,302 Rotating an Image in Python
1,302 Principal Component Analysis (PCA) using python
1,302 Numpy types for Cython users
1,302 NumPy - How to bitwise and over each element in matrix rows
1,302 Interpolating and estimating uncertainty
1,302 Fermi Surface Plots
1,302 Encode rows of boolean numpy array to bytes
1,301 Special tensor contraction in Python
1,301 Search for all templates using scikit-image
1,301 Python Pandas Groupby and Aggregation
1,301 Python Issue with ' b ' while importing cdv using load text from numpy
1,301 Numpy: How to create a grid-like array?
1,301 How to fix ''Singleton array array(0) cannot be considered a valid collection.''
1,301 Draw derivatives using matplotlib, but the plot is out of order
1,301 creating a masked array from text fields
1,301 Convert Pandas Dataframe Row and Column to Numpy Array
1,301 Aggregate and fill data for missing dates (days and hours)
1,300 Python - how to store multiple lists in one list?
1,300 Python 3.3 with numpy error under ubuntu 12.04
1,300 OpenCV VideoWriter: Issues with playing video
1,300 Fit straight line on semi-log scale with Matplotlib
1,300 Finding the indices of the rows where there are non-zero entries in a sparse csc_matrix
1,300 alpha & beta (for linear regression) calculations output nan?
1,299 Time comparison for TensorFlow operation and Numpy multiplication
1,299 Tensorflow equivalent of np.corrcoef on a specific axis
1,299 (Python) ValueError: could not convert string to float:
1,299 Python: Add a column to numpy 1d array
1,299 Looping through pandas' dataframe rows and compare values on columns
1,299 How to shift an image in Scipy?
1,299 How to reshape pixel list into RGB matrix?
1,299 How to display dataframes?
1,299 Adding new words to text vectorizer in scikit-learn
1,298 timestamp from a txt file into an array
1,298 slicing error in numpy array
1,298 Real Time FFT Plotting In Python ( MatPlotLib)
1,298 Python-opencv read image from byte string with unknown data type (uint8/16)
1,298 Python Keep points in spline interpolation
1,298 Numpy - weird behavior with plus equal with slicing
1,298 How do you convert a numpy.float64 to Python native string type for writing to a file with write()?
1,297 Using FFT to find the center of mass under periodic boundary conditions
1,297 Unexpected FFT Results with Python
1,297 Numpy max slow when applied to list of arrays
1,297 Multiply each element in numpy array by each element in another numpy array
1,297 Fourier Transform of Triangle Wave in Python
1,296 Trouble with speeding up functions with numba JIT
1,296 Summing rows in grouped pandas dataframe and return NaN
1,296 (Python) Find the indices of the values in two arrays that are equal to the values in two other arrays
1,296 Numpy shape method returns wrong dimensions
1,296 NumPy min/max in-place assignment
1,296 Numpy loadtxt works with urllib2 response but not requests response
1,296 How to simulate coupled PDE in python
1,296 How to create a sub data-frame from a given pandas data-frame?
1,296 Easiest way to plot values as symbols in scatter plot?
1,296 Definitive way to match Stata weighted xtile command using Python?
1,296 calculating mean of several numpy masked arrays (masked_all)
1,296 boolean indexing in xarray
1,295 MATLAB ind2sub and Numpy unravel_index inconsistency
1,294 Why does a conversion from np.datetime64 to float and back lead to a time difference?
1,294 Unzip a NumPy array
1,294 Right multiplication of a dense array with a sparse matrix
1,294 Python pickling error: TypeError: object pickle not returning list. Issue with numpy?
1,294 Python: Calculating the inverse of a pseudo inverse matrix
1,294 How to prefer `defaults` numpy over `conda-forge` numpy when installing `conda-forge` package
1,294 How to fix ''not enough values to unpack (expected 2, got 1)''?
1,294 How scipy.stats handles nans?
1,294 Average elements in sublists
1,293 What is the fastest way to insert elements diagonally in 2D numpy array?
1,293 SLSQP Error: length of bounds is not compatible with that of x0
1,293 sklearn's `RandomizedSearchCV` not working with `np.random.RandomState`
1,293 Sklearn Linear Regression with Date Data
1,293 scikits.audiolab doen't import into python (numpy.dtype)
1,293 Parallel read_table in pandas
1,293 multiply every element in numpy.array a with every element in numpy.array b
1,293 itertools does not recognize numpy ints as valid inputs on Python 3.6
1,293 How to evaluate and add string to numpy array element
1,293 does numpy asarray() refer to original list
1,292 Updating part of column in Pandas data frame with a Numpy array
1,292 Test if an array is broadcastable to a shape?
1,292 Split a pandas dataframe column into multiple columns [duplicate]
1,292 Solving Non-Linear Differential Equation Sympy
1,292 Python parallel computing using joblib
1,292 Python: How do i find an equation's value for a given input
1,292 K-Means Clustering From Scratch in Python
1,292 Iteration through all 1 dimensional subarrays of a multi-dimensional array
1,292 Fastest way to get bounding boxes around segments in a label map
1,292 Average every x numbers in NumPy array
1,291 sklearn DecisionTreeClassifier using strings that should be considered categorical
1,291 Read csv data by numpy
1,291 pyopengl - dynamically updating values in a vertex buffer object
1,291 Number of features of the model must match the input
1,291 My ipython and libraries disabled after installing OS X 10.8 (Mountain Lion)
1,291 Most efficient way to take log of numpy array but ignore 0's
1,291 indexing spherical subset of 3d grid data in numpy
1,291 How to declare a 2 dimensional array with different row lengths using np.array?
1,291 How does numpy.tensordot function works step-by-step?
1,291 Generating random number for a distribution of a real data?
1,291 Efficiently using Numpy to assign function values to array
1,291 Efficiently convert System.Single[,] to numpy array
1,291 Easy way to collapse trailing dimensions of numpy array?
1,290 Using function factories in pyx/pxd files to generate cython function wrappers for C-library
1,290 Solving a first order BVP with two boundary conditions with scipy's solve_bvp
1,290 Replacing values in a pandas dataframe based on multiple conditions
1,290 How to vertically merge two images?
1,290 Groupby and transpose in pandas, python
1,290 Efficiently Using Multiple Numpy Slices for Random Image Cropping
1,289 Using numpy `as_strided` function to create patches, tiles, rolling or sliding windows of arbitrary dimension
1,289 string argument without an encoding
1,289 Scipy odeint Non-negative solution
1,289 scipy.interpolate.griddata issue with x/y pairs built from numpy.linspace()
1,289 Resolve ValueError when using random choice from a list with restrictions
1,289 Python: Sampling from a discrete distribution defined in an n-dimensional array
1,289 plotting complex function from one set to another
1,289 Numpy arrays vs lists for custom classes
1,289 Matplotlib Xtick Overlap
1,289 Issue with scipy quad integration in python
1,289 How to use numpy's einsum to take the dot product of an subarray?
1,289 How does numpy.ravel_multi_index work? [duplicate]
1,289 Find indices of large array if it contains values in smaller array
1,289 Fast 1D linear np.NaN interpolation over large 3D array
1,289 adding numpy vector to a numpy multi-dimensional array
1,288 What is causing my Python program to run out of memory using opencv?
1,288 Tracking Multi-Index and Modifying Values in NumPy
1,288 Python/Numpy Slicing an array every nth row
1,288 Pandas (Python) reading and working on Java BigInteger/ large numbers
1,288 Numpy array of numpy arrays has 1D shape
1,288 Detrend with mask Python
1,287 unsupported operand type(s) for +: 'numpy.ndarray' and 'str'
1,287 SciPy installation on windows for python 3.5 [duplicate]
1,287 Pandas: Drop leading rows with NaN threshold in dataframe
1,287 Cannot cast array data from dtype('float64') to dtype('int64') according to the rule 'safe' ! astype function between int and float
1,287 Bundling Python3 packages for PySpark results in missing imports
1,286 Sklearn CountVectorizer get most frequently occurring features by class
1,286 Python 32/64-bit machine float summing of transposed matrix not correct?
1,286 Perform numpy exp function in-place
1,286 Pandas data frame: replace nan with the mean of that row
1,286 numpy where operation on 2D array
1,286 Function that computes Runge Kutta not ploting
1,286 Fancy indexing in C++ using boost::range
1,286 Extending numpy with cython
1,286 Error on using xarray open_mfdataset function
1,286 declaring numpy array with int type and pass array pointer to c code
1,286 Can I get pytesseract command to work properly in pycharm which is throwing errors
1,286 Arrays syntax in python [duplicate]
1,285 ValueError: object of too small depth for desired array
1,285 python - spaCy module won't import
1,285 Python/Numpy - Speeding up Monte Carlo method for radioactive decay
1,285 Optimizing numpy matrix operations (currently using a for loop)
1,285 matplotlib heatmap reversing data?
1,285 How to pick a random element in an np array only if it isn't a certain value
1,285 hdf5 and ndarray append / time-efficient approach for large data-sets
1,285 Displaying numpy matrix in matplotlib [duplicate]
1,285 Deploying scientific python algorithm on Amazon ec2
1,285 Convert a Pandas Series in Accounting Format to a Numeric Series? [duplicate]
1,284 Rank within columns of 2d array
1,284 python numpy range() and sum(-1)
1,284 Numpy variable assignment is by reference?
1,284 How to determine input shape in keras?
1,284 How can I iterate over an 1D array and build a 2D array in Numpy?
1,284 formatting timeseries x-axis in pandas/matplotlib
1,284 Convert .png file to pandas DataFrame
1,284 Calculate a plane from point cloud in Python without Numpy
1,283 tf.estimator.inputs.pandas_input_fn throws _NumericColumn' object has no attribute 'insert_transformed_feature
1,283 Read values from txt with rows of different sizes into a single numpy array
1,283 libraries for regression clustering in python?
1,283 How to read different parts or blocks of a file with numpy
1,282 Returning a Numpy Array as a CSV from Flask
1,282 numpy.array.__iadd__ and repeated indices [duplicate]
1,282 networkx remove node attribute
1,282 Is there a way to calculate the slope for each successive point in two data frames, store all the values for slope and then plot it?
1,282 Is numpy optimized for raspberry-pi automatically
1,282 How to 'unpack' a list or tuple in Python
1,282 How to multiply every column of one Pandas Dataframe with every column of another Dataframe efficiently?
1,282 How to efficiently calculate distance to nearest 1 in mask in numpy?
1,282 How can I compute the null space/kernel (x: M·x = 0) of a sparse matrix in Python?
1,281 Why would using 8 threads be faster than 4 threads on a 4 core Hyper Threaded CPU?
1,281 Using numpy arrays to count the number of points within the cells of a regular grid
1,281 Populate numpy matrix dynamically from array values?
1,281 pandas slicing nested values along with other columns
1,281 Issue installing Numpy on Mac OSX using virtualenv
1,281 In Python: the center of mass of specific regions of values in a 2D numpy array
1,281 How to vectorize finding max value in numpy array with if statement?
1,281 How to declare a binary array in numpy?
1,281 how to cross compile python packages (e.g. Numpy) for ARM
1,281 Evaluate the probability density of Gaussian distribution on a square grid
1,281 Downsampling point clouds to specific number of points while retaining shape
1,281 Correct usage of numpy.nditer?
1,280 SKLearn Cross Validation Error - Type Error
1,280 Python: Choose the n points better distributed from a bunch of points
1,280 problems with numpy.savetxt
1,280 pdist2 in numpy? (compute pairwise distance between rows in two matrices) [duplicate]
1,280 Indexing into channel data (numpy arrays) using OpenCV python bindings
1,280 Fitting a curve to a set of data points for time series prediction
1,280 Creating `NumPy` arrays inside a function decorated with `numba`'s `@jit(nopython=True)`?
1,280 Creating and Storing Multi-Dimensional Array in a netCDF File
1,280 Conditional calculation in python
1,279 What does (n,) mean in the context of numpy and vectors?
1,279 Use lambda expression with numpy array
1,279 Timeseries as 2 numpy arrays ('Date' and 'Data') and then extracting 'Data' from a specified 'Date' range?
1,279 Speeding up linear interpolation of many pixel locations in NumPy
1,279 receiving ''ValueError: setting an array element with a sequence.''
1,279 placing numbers into bins with numpy
1,279 Overlaying two plots using pcolor
1,279 Faster apply of a function to every row in pandas [duplicate]
1,279 Extracting numpy array slice from numpy.argmax results
1,279 Comparing two matrices row-wise by occurrence in NumPy
1,278 Understanding how to specify the newshape parameter for numpy's reshape()
1,278 Python and conflicting module names
1,278 Moviepy - avoid writing to disk with ImageSequenceClip?
1,278 How to generate PWM using python
1,278 fastest way to get closest 10 euclidean neighbors of large feature vector in python
1,277 Where should I make heavy computations ? Client or server side?
1,277 Understanding this Pandas script
1,277 Rotating ellipse in python using x,y,theta
1,277 Redraw plot in same window with scipy / voronoi_plot_2d
1,277 NumPy: calculate cumulative median
1,277 interpolating values from a dataframe based on a column value
1,277 How to implement tf.space_to_depth with numpy?
1,276 Set none if numpy array index does not exist
1,276 Performance of xtensor types vs. NumPy for simple reduction
1,276 Numpy sorting array (sparse)
1,276 Linear interpolation of two 2D arrays
1,276 How do numpy arrays change when passed to functions as parameters
1,276 How do I vectorize a function with Numba, when the function takes arrays as arguments?
1,275 Why numpy.empty_like() return an array fill with zero is unsafe?
1,275 Using rolling_apply with a function that requires 2 arguments in Pandas
1,275 using cython in combination with gsl
1,275 Typecasting a numpy matrix into a string in python
1,275 Training different scikit-learn classifiers on multiple CPUs for each iteration
1,275 R's equivalent of numpy where
1,275 Python: How to increase the dimensions of a matrix without expanding it?
1,275 Numpy way to set all values in a specific dimension of an array
1,275 Multiply matrix by each row of another matrix in Numpy
1,275 how to use numpy polyfit to force scatter points linear fit pass through zero?
1,275 How to speed up Numpy sum and Python for-loop?
1,275 How do I write a multivariate objective function for use with scipy.optimize.minimize() so that it can also be plotted with matplotlib?
1,275 Generate all possible outcomes of k balls in n bins (sum of multinomial / categorical outcomes)
1,275 Estimating the probability density of sum of uniform random variables in python
1,275 Convert a list of values to a time series in python
1,275 Column wise sum V row wise sum: Why don't I see a difference using NumPy?
1,275 Add each list element to beginning of each row in numpy matrix
1,274 Text file whitespace can`t be removed in Python
1,274 Scipy inv(A) vs A.I
1,274 How do I make set_printoptions(suppress=True) permanent?
1,274 Flatten 3-d numpy array
1,274 Error building NumPy with MKL on OSX with Python 3.3
1,274 Efficient way of generating latin squares (or randomly permute numbers in matrix uniquely on both axes - using NumPy)
1,273 Python mean and standard deviation in list of dictionaries [closed]
1,273 Numpy matrix modified through a copy
1,273 Finding non-intersection of two pytorch tensors
1,273 Difference between every pair of columns of two numpy arrays (how to do it more efficiently)?
1,273 Create sparse circulant matrix in python
1,273 Create a mask both for nan and inf values in an array
1,273 argument order in numpy.apply_along_axis
1,272 Why multiply the error by the derivative of the sigmoid in neural networks?
1,272 Tensorflow: analogue for numpy.take?
1,272 Python Numpy - cannot get array to save/load properly
1,272 Python curve fitting on pandas dataframe then add coef to new columns
1,272 Passing variable from an array to scipy.integrate.quad() in python
1,272 Multidimensional list(array) reassignment problem
1,272 Is there a fast way to compare one element in a numpy array to the rest of the elements in that array?
1,272 How to convert from bytes (1D) array to RGB array (2D) in Python 3.6? (NumPy or SciPy?)
1,272 Elementwise multiplication of numpy matrix and column array
1,272 Creating reference to HDF dataset in H5py using astype
1,272 Creating numpy array with different steps
1,271 why is dot product in dask slower than in numpy
1,271 Vectorized (partial) inverse of an N*M*M tensor with numpy
1,271 Python implementation of the Crout matrix decomposition
1,271 Optimizing a python function with numpy arrays
1,271 Interweave two dataframes
1,271 Get a percentage range of a list in python
1,271 Gauss-Legendre over intervals -x -> infinity: adaptive algorithm to transform weights and nodes efficiently
1,271 Comparing neighbors of each element of an array with for-loop
1,271 Calculate big covariance matrix using python
1,270 Summing elements of numpy array in Python
1,270 Save array data in one output file using for loop Python
1,270 How to visualize numpy.zeros array as an RGB image?
1,270 Adding numpy array to a heap queue
1,269 Python: precision failure in computing acute angle
1,269 pandas str.contains match against multiple strings and get the matched values
1,269 Numpy Indexing: Get every second coloumn for each even row
1,269 numpy: bitwise and on array
1,269 Insert 2D array into 3D array in python
1,269 Import BioPython in Spyder Py does not work
1,269 How to pass float argument in predict function of scikit linear regression?
1,269 How to find the intersection points of a straight line and a curve-like set of two dimensional points?
1,269 how can I get the position of the nonzero values in a numpy array?
1,269 Convert 2d array to collored image in python
1,268 Scipy maximizing linear programming doesn't work [closed]
1,268 Rotate covariance matrix
1,268 Name columns when importing csv to dataframe in dask
1,268 How to reset indices of numpy.ndarray into desired index range? [closed]
1,268 How do you plot the total summation of harmonics in python
1,268 How do I convert a tuple to an Integer in python
1,268 Cannot reshape array of size 470 into shape (20)
1,268 Attribute error when using numpy array's astype function
1,267 Why is vectorized numpy code slower than for loops?
1,267 Weird TypeError from json.dumps
1,267 scipy.optimize.lsq_linear bounds error
1,267 numpy ImportError cannot import name 'multiarray'
1,267 Import Numpy in Python WebJob on Azure
1,267 How to select subset of 3D numpy array ending in a value?
1,267 can't install numpy package in pycharm with latest pycharm and python 2.7
1,266 Standalone Executable Created by PyInstaller Can't Import Numpy
1,266 Reading certain columns from multiple data files into one file in python
1,266 OpenCV createCalibrateDebevec.process is giving me ''dst is not a numpy array, neither a scalar''
1,266 Numpy squeeze - 'list' object has no attribute 'squeeze'
1,266 Numpy out of memory
1,266 Normalized histogram of float: unexpected behaviour in numpy/matplotlib
1,266 Issues in Plotting Intraday OHLC Chart with Matplotlib
1,266 Interpolate a 3D array in Python
1,266 how to find replacement of deprecated function in scipy?
1,266 GSVD for python Generalized Singular Value Decomposition
1,266 Finding (x,y) coordinates where z passes a test in numpy
1,266 Finding min with groupby in pandas data frame
1,266 Convert value to float using asType() numpy
1,266 Categories columns in second row to the first row in DataFrame Pandas?
1,265 Python: cannot import scipy.io even if scipy is installed
1,265 Passing arrays from Python to Fortran with F2PY results error=2 (shape related)
1,265 numpy - how to round last two columns of an array
1,265 Messed up numpy installation - `GFORTRAN_1.4' not found bug
1,265 How to multiply a vector with a matrix element-wise in numpy?
1,265 How to divide matrix elements by corresponding matrix row sum in numpy? [duplicate]
1,265 How to build a lookup table for tri-linear interpolation in NumPy?
1,265 How can I update arrays in h5py?
1,265 Fast fuse of close points in a numpy-2d (vectorized)
1,265 Detect ordered pair in numpy array
1,265 Compute EWMA over sparse/irregular TimeSeries in Pandas
1,264 Using Python in R with reticulate package - Numpy not found
1,264 Should a NumPy addon or NumPy wrapper for NodeJS be written?
1,264 NumPy - creating 1-hot tensor from a 2D numpy array
1,264 numpy.asarray( Image.open ( ... ) ) does not work
1,264 Numba - does nopython mode support list of tuples?
1,264 Normalize csv files using python
1,264 Nested ifelse alternative in pandas
1,264 Get array row and column number according to values in python
1,264 Computing the distance to a convex hull
1,263 Remainder function (%) runtime on numpy arrays is far longer than manual remainder calculation
1,263 Python - interpolating/pcolor unevenly spaced numpy matrix
1,263 Printing complete coo_matrix
1,263 Is there a parallelized version of scipy.optimize.minimize?
1,263 Install numpy latest package using apt-get
1,263 How to find Inverse Cumulative Distribution Function of discrete functions in Python
1,263 Find matching points in 2 separate numpy arrays
1,263 Calculate polar decompostion of a numpy matrix?
1,263 append a list at the end of each row of 2D array
1,262 Unable to import ctypes on google-app-engine development server
1,262 Trying to understand NumPy's linalg.norm method
1,262 Scipy - how to further optimize sparse matrix code for stochastic gradient descent
1,262 pythoncomplete in vim - hardcode factory function returns?
1,262 numpy installation error _build_utils.apple_accelerate
1,262 Memory efficient extraction of overlapping patches from matrix
1,262 How to extract the BSpline basis from scipy.interpolate.BSpline
1,262 How allclose() works?
1,262 Determine which compiler built my LAPACK
1,262 Cumulative Distribution Function from arbitrary Probability Distribution Function
1,261 Why Numpy sometimes omits the dimension of an array
1,261 unorderable types error when importing sklearn
1,261 How can I change signal amplitude in pyaudio using numpy?
1,261 Fit curve to segmented image
1,261 Finding intersection between ellipse and a line
1,261 fast way to get the indices of a lower triangular matrix as 1 dimensional list in python
1,261 Assigning City Name by Latitude/Longitude values in Pandas Dataframe
1,260 Why there is weird scientific notation in NumPy?
1,260 What is the difference between numpy.polyfit and scipy.polyfit? [duplicate]
1,260 Selecting circle areas on image for further processing
1,260 Reducing py2exe distribution size, while including some numpy functions
1,260 mmap length is greater than file size: memory mapping in numpy
1,260 How to find numpy.argmax() on part of list and save index?
1,260 Fast way to apply function to each row of a numpy array
1,260 Diagonal element for covariance matrix not 1 pandas/numpy
1,259 Tensorflow parsing and reshaping float list in Dataset.map()
1,259 Python: Non Maximum Suppression
1,259 numpy count elements across axis 0 matching values from another array
1,259 How to compute optimal threshold for accuracy
1,259 Groupby sum and count on multiple columns under multiple conditions in Python
1,259 Getting a grid of a matrix via logical indexing in Numpy
1,258 root finding for scalar multivariable function
1,258 Pytorch: join tensor and dictionary
1,258 how to fill missing values based on column in pandas?
1,258 Create numpy array of stacked raster image in Python
1,258 AttributeError: 'numpy.ndarray' object has no attribute 'target
1,257 Tensorflow equivalent for Numpy indexed assignment
1,257 Numpy - efficiently building 2d array from 1d arrays
1,257 Multiprocess Python/Numpy code for processing data faster
1,257 ImportError: No module named testing
1,257 Implementing the electric and magnetic field into a 2d simulation of free particles
1,257 How to find the maximum value of a numpy array between given indicies?
1,257 converting python pandas column to numpy array in place
1,257 conda install - six, wheel, numpy, protobuf, werkzeug [closed]
1,256 Visualize feature selection in descending order with SelectKBest
1,256 Read in csv file with one column of strings in the middle
1,256 Python error - setting an array element with a sequence
1,256 Python determine the mean and extract maximum value inside a polygon over a grid in an Array
1,256 Python, Convert Series of datetime64's to Date and Minute
1,256 Numpy broadcast shape error: convert list( lists(arrays) ) to array
1,256 multidimensional boolean array indexing in numpy
1,256 Minimizing three variables in python using scipy
1,256 Getting Lasso to work correctly on subplots in matplotlib
1,256 Freeze of pip requirements, NumPy and SciPy on OS X
1,256 Fastest way to get a random number between 1 and 1million in python
1,255 Which SWIG typemap from C++ pointer to numpy array?
1,255 numpy.sum performance depending on axis
1,255 MLPClassifier on time series data
1,255 Method to split a SciPy minimum spanning tree based on greatest edge weight?
1,255 How to save a Python list of strings for future use
1,255 How to apply a function ( BigramCollocationFinder) to Pandas DataFrame
1,255 Extremely frustrating behavior with WindowsError (Error 32) to remove temporary files
1,255 Avoid copying when indexing a numpy arrays using lists
1,254 Why numpy.random.choice and numpy.full() does not exit
1,254 TypeError: append() missing 1 required positional argument: 'values' for axis = 1
1,254 Tensorflow: TypeError: 'numpy.float32' object is not iterable
1,254 Python: Contour in binary 2D array
1,254 numpy: print array with indentation
1,254 Numpy memory error
1,254 How do I find the region borders in an image using python?
1,254 h5py: slicing dataset without loading into memory
1,254 cython.parallel: how to initialise thread-local ndarray buffer?
1,254 AWS Lambda and Numpy Libraries - Importing the multiarray numpy extension module failed
1,253 What is the difference between Pandas Series.apply() and Series.map()?
1,253 TensorFlow Returning nan When Implementing Logistic Regression
1,253 Taking mean of numpy ndarray with masked elements
1,253 Pandas aggregate for counting with nans
1,253 Numpy : Add a 1d array (row) to an empty 2d array in Numpy Python
1,253 How to plot several cumulative distribution functions from data in a CSV file in Python?
1,253 How to make np.loadtxt return multidimensional arrays even the file has only one dimensional?
1,253 How to compute Minitab-equivalent quartiles using NumPy
1,253 How to add element from user in numpy matrix from user for nxn matrix? [closed]
1,253 Find position of maximum per unique bin (binargmax)
1,253 Create a zipfile directly from numpy array without an intermediary file
1,253 checking if a date falls in a dataframe pandas
1,253 append data in a numpy array
1,252 when to use python function expm1 rather than exp-1
1,252 ValueError: Image is not numeric, but ndarray
1,252 Python: error using using eval() while converting string into name of numpy array
1,252 non-NDFFrame object error using pandas.SparseSeries.from_coo() function
1,252 Easy way to calculate the shift between two arrays? Python
1,251 Python numpy array with multiple conditions to iterate over image
1,251 numpy.loadtxt - negated usecols?
1,251 ndarray.any() error: ValueError: 'axis' entry is out of bounds
1,251 Matlab to Python sparse matrix conversion , overcoming the zero index problem
1,251 How to pass large chunk of data to celery
1,251 assign string value to a cell in pandas
1,250 TypeError: Label image must be of integral type
1,250 Python read image to numpy array with multiprocessing
1,250 numpy's equivalent of MATLAB's (vectorized) sub2ind( ... , I, J)
1,250 numpy.delete not removing column from array
1,250 InvalidArgumentError: You must feed a value for placeholder tensor 'Placeholder_109' with dtype float
1,250 In python/pandas how to search for nearest value?
1,250 Index pytorch tensor with different dimension index array
1,250 How to interface a NumPy complex array with C function using ctypes?
1,250 efficient way to shuffle one column at the time in numpy matrix
1,250 Converting matlab code to python
1,249 Python - Program received signal SIGSEGV, Segmentation fault
1,249 Python Multiprocessing Pool.map() issue
1,249 Plot something in one figure, and use it again later for another figure
1,249 Numpy: check whether a bit is set to 1 or 0 in an array?
1,249 Numpy: Affect diagonal elements of matrix prior to 1.10
1,249 Import sklearn fails - conflict with numpy version?
1,249 How to use map lambda of python to make a element to a certain number?
1,249 How to stack arrays and scalars in numpy?
1,249 Formatting a numpy array as aligned text columns
1,249 Efficient use of numpy.random.choice with repeated numbers and alternatives
1,249 comparing two numpy 2D arrays for similarity
1,249 best way to plot web based graph in Python [closed]
1,249 Adding matrices with different dimensions
1,248 Way of easily finding the average of every nth element over a window of size k in a pandas.Series? (not the rolling mean)
1,248 TypeError: 'numpy.ndarray' object is not callable - working with banded/sparse matrices
1,248 Setters and getters that act like lists/tuples
1,248 np.newaxis with Numba nopython
1,248 How can I check for a contour containing another contour using OpenCV in Python?
1,248 array form : excel sheet data to python in numpy array form [duplicate]
1,247 Why is scipy.interpolate.griddata so slow?
1,247 What is the fastest way to swap two columns and the same rows of a 2D matrix?
1,247 Strange behavior when casting numpy.float64 to float
1,247 Read time series csv file to plot with matplotlib
1,247 Optimizing multiple output variables of a function in Python
1,247 How to find the position of the elements in an array by Python?
1,247 How to create png image file-object from numpy array in python without saving to disk (for http request)
1,247 error when using pip to install Scipy python package on windows
1,247 Adding a numpy array to a scipy.sparse.dok_matrix
1,246 Slicing 1d numpy array with subset of another array
1,246 Python or Numpy Approach to MATLAB's ''cellfun''
1,246 python- concatenate and append a pandas dataframe in a for loop
1,246 Plot multiple curves with matplotlib.pyplot.fill
1,246 Most Pythonic way to Cross-reference two lists
1,246 `ImportError: no module named numpy` inside an IPython2 notebook
1,246 How to convert a 2d bitmap into points with x-y coordinates in python - and fast
1,246 Flask to Numpy Image Conversion
1,246 Filtering a NumPy Array: what is the best approach?
1,246 Does the np.nan in numpy array occupy memory?
1,245 Python numpy index set from Boolean array
1,245 Plotting with Numpy Arrays
1,245 Plot contours for the densest region of a scatter plot
1,245 Output of pulp to numpy arrays
1,245 How to create a 4 or 8 connected adjacency matrix
1,245 Efficient cosine distance calculation
1,245 Do Fourier Transformation using Python
1,245 Converting list to array with NumPy asarray method
1,245 Clustering in python(scipy) with space and time variables
1,244 What does numpy's vectorize do?
1,244 TensorFlow - Change 1 to 0 in a tensor [duplicate]
1,244 Python- Importing a dat file into an array using numpy
1,244 Matrix vector multiplication along array axes
1,244 How to print a numpy array with data type?
1,244 Efficient way to sum all possible pairs
1,244 datetime plot with errorbars in pandas
1,243 Safest way to save binary file with numpy to be read
1,243 Random solutions of undetermined linear systems
1,243 python xlwings in virtualenv possible?
1,243 Matrix power by Singular Value Decomposition
1,243 Importing bz2 compressed binary file as numpy array
1,243 How to undo or reverse np.meshgrid?
1,243 How to select different columns from each row in nd-array in Python/numpy?
1,243 how can i fix entropy yielding nan?
1,243 Convert a string with bytes to a float array [closed]
1,243 can numpy's digitize function output the mean or median?
1,243 beaglebone black debian pip not working
1,242 Variable scope is changed in consecutive cells using %%time in Jupyter notebook
1,242 Running or sliding median, mean and standard deviation
1,242 Python u-law issues: unknown format: 7
1,242 Python Sinusoidal white noise
1,242 Matrix elements for scatter plot
1,242 fetch values from csv with different number of columns in csv, numpy
1,242 Fast replacement of tzinfo of a pandas.Series of datetime
1,242 Alpha masking a non square region python cv2
1,241 Topic-based text and user similarity
1,241 in-place numpy array sorting according to given index
1,241 gCentroid (rgeos) R vs. Actual Centroid (in python)
1,241 Fortran double precision converted to Python float
1,241 avoiding div/0 errors with numpy.select
1,240 Regression with big data
1,240 python/numpy: problems with numpy linal.eig
1,240 Python contour plot from numpy array
1,240 Pandas/Python: 2D histogram fails with value error
1,240 Most efficient method for reading/writing image files as numpy array
1,240 How to write fftshift and ifftshift in R? [closed]
1,240 Get vector angle by python
1,240 Find nearest indices for one array against all values in another array - Python / NumPy
1,240 Fastest way to find all unique elements in an array with Cython
1,240 Error using ExtraTreesClassifier in scikit-learn
1,239 Speed up a program that calculate the average of the neighbors in a huge array
1,239 Python count and probability
1,239 numpy non-integer grid
1,239 Cython compilation error - local variable referenced before assignment
1,239 confused about the `copy` attribution of `numpy.astype`
1,238 Replacement of matlab find function in python
1,238 pyplot.cm instance is producing different results for same values but different data type
1,238 Numpy Histogram - Python
1,238 numpy.diff() use with pandas DataFrame error
1,238 Numpy.array indexing question
1,238 Install NumPy for Windows 10 and Python 3.4.2 64 bit [duplicate]
1,238 How to get the integer eigenvectors of a Numpy matrix?
1,238 How to calculate separate areas under a curve in Numpy
1,238 How do numpy functions operate on pandas objects internally?
1,238 Different results between python map and numpy vectorize
1,238 Defining numpy.array in the __init__ function of a class
1,238 Combine lambda functions in Python [closed]
1,238 Broadcast advanced indexing numpy
1,237 What is the best way to share data between widgets with PyQt?
1,237 ValueError while Merging Lists in Python
1,237 Tensorflow runtime determine the shape of Tensor
1,237 Read complex numbers from a csv file using python
1,237 Python matplotlib - update graph without closing window
1,237 Plotting multiple 3D lines: data transformation
1,237 np.cast in numpy results in incorrect result
1,237 How to transpose numpy ndarray in place?
1,237 How to Create a Numpy Array from an existing Numpy Array
1,237 Handling Missing data in column with Boolean Values(1,0) in Python
1,237 Convert date from yyyymmddHHMMSS format
1,236 Why don't NumPy floats give ZeroDivisionError?
1,236 Please clarify the following Python NumPy array initialization and splicing examples
1,235 numpy.array() exceptions thrown (sorry for the initially horrible title)
1,235 Find intersection of numpy float arrays
1,235 Finding largest eigenvalue in sparse matrix
1,235 Error saving a numpy.ndarray as an image (.png) using matplotlib.pyplot.imsave
1,234 Why does this Python logical indexing take up so much memory
1,234 Set operations on a series
1,234 plot 3d numpy array as a 3d image using matplotlib or PIL
1,234 How to use numpy.where to change all pixels of an image?
1,234 Get the minimum of a function using numpy fmin within limits
1,234 Finding small image inside large (PIL + OpenCV)
1,234 Finding indices of repeated values in numpy array
1,234 Elbow method in python
1,234 calculate average of y values with different x values
1,233 using math function on an arange
1,233 scikit kmeans not accurate cost \ inertia
1,233 Python/Numpy - Cross Product of Matching Rows in Two Arrays
1,233 No axis named 1 for object type <class 'pandas.core.series.Series'>
1,233 Most efficient way to turn dictionary into symmetric/distance matrix in Pandas
1,233 How to prepare multiple RGB images as numpy array for CNN
1,233 How to get unique elements in numpy array with different number of elements in each array?
1,232 Slow scipy double quadrature integration
1,232 Sampling from a multivariate pdf in python
1,232 Numpy resize or Numpy reshape
1,232 Numpy normalize multi dim (>=3) array
1,232 Numpy import in PyCharm yields ''Cannot locate working compiler''
1,232 Minimize quadratic function subject to linear equality constraints with SciPy
1,232 ''[:,]'' list slicing python, what does it mean?
1,232 Downscaling part of image in Python
1,231 Why the difference between octave's prctile and numpy's percentile?
1,231 Stepsize control of dopri5 integrator
1,231 Round at two decimals
1,231 Python - Convert numpy array to JSON
1,231 Numpy unpack binary string into a single variable
1,231 Numpy fft result is unexpected
1,231 How do I insert table from numpy into Mysql
1,231 Genfromtxt throw exceptions ''got 3 columns instead of 27'' bu it is not so
1,231 Filter numpy array by two conditions. More than one element is ambiguous
1,231 Correct use of numpy interpolate
1,230 Using numpy.tile to repeat 2D arrays
1,230 Reading values from Pandas dataframe rows into equations and entering result back into dataframe
1,230 Numpy filter 2D array by two masks
1,230 Non negative matrix factorisation in python on individual images
1,230 How to save a Numpy array into multiple existing subdirectories?
1,230 How best to insert NaN values in a Python list by referring to an already sorted list
1,230 Find all combination that sum to N with multiple lists
1,230 denormalized numpy arrays from postgres
1,230 Cython ValueError: Buffer has wrong number of dimensions (expected 2, got 3)
1,230 Counting match between two arrays at same index position and having non zero values
1,229 What is the difference between numpy.save( ) and joblib.dump( ) in Python?
1,229 Using loadtext for CSV file with date/times
1,229 numpy correlation coefficient: np.dot(A, A.T) on large arrays causing seg fault
1,229 How to set array into float32 data type (need to be compatible with append)?
1,229 How to resize an image faster in python
1,229 How to import numpy to portable Python 3.6?
1,229 How to always round up a XX.5 in numpy
1,229 How can you create a KDE from histogram values only?
1,229 How can I get around Keras pad_sequences() rounding float values to zero?
1,229 Convert image from (28,28,4) to 2D flat array and write to csv
1,229 Choose a random sample from a list with bias in Python
1,229 Calculate average weighted euclidean distance between values in numpy
1,229 Argument 'high' has incorrect type (expected numpy.ndarray, got Series)
1,228 scipy.signal.cwt is getting a value error in correlate()
1,228 Numpy rolling window over 2D array, as a 1D array with nested array as data values
1,228 Matplotlib: How to plot grid boxes colored by number
1,228 How to make a Python image 'fit' the figure?
1,228 How can I set exactly 10 tick marks in pyplot? [duplicate]
1,228 Constructing a 3D cube of points from a list
1,227 How to access data in this 'rec.array' from IDL?
1,227 Getting Around ''ValueError: operands could not be broadcast together''
1,227 Averaging Data in Bins
1,227 Accessing view of a NumPy array using the C API
1,226 Use pandas to write and read 3D data
1,226 Row-wise indexing in Numpy
1,226 Row vs. Column Vector Return during Numpy Array Slicing
1,226 Reading a binary file with numpy structured array
1,226 Random Gaussian issues
1,226 PIL, NumPy : check if an image is a subset of other image
1,226 how to move all non-zero elements in a python list or numpy array to one side?
1,226 How to dynamically create 3d numpy arrays from 2d numpy arrays using for loop
1,226 error building h5py: deprecated numpy
1,225 Why do I keep getting this error 'RuntimeWarning: overflow encountered in int_scalars'
1,225 VS Code Doesn't recognize Anaconda pkgs/libs even when in correct env
1,225 T-Test on between groups of numpy arrays
1,225 NumPy genfromxt TypeError: data type not understood error
1,225 How to use Tensorflow's batch_sequences_with_states utility
1,225 Fast way to construct a matrix in Python
1,225 cython memoryview slower than expected
1,224 Python column addition of numpy arrays with shift
1,224 numpy genfromtxt issues with .txt input
1,224 np.vectorize giving me IndexError: invalid index to scalar variable
1,224 Create Numpy matrix using linspace and ones
1,223 ValueError: truth value of array is ambiguous [duplicate]
1,223 sympy AttributeError: 'Pow' object has no attribute 'sin'
1,223 Sklearn, Gaussian Process: XA and XB must have the same number of columns
1,223 Render non-uniform grid and mark maximum value's location in contour plot
1,223 Python - 2/3D scatter plot with surface plot from that data
1,223 NumPy eigh() gives incorrect eigenvectors
1,223 Memory efficient ways of computing large correlation matrices? [duplicate]
1,223 Image foveation in Python
1,223 Find indices of specific rows in a 3d numpy array
1,222 Rotating matrix that represents bounding box by X degrees
1,222 OpenCV - How to split a image to two regions by a oblique line?
1,222 Numpy installing with python3.5 pip
1,222 Creating a permutation, with restrictions
1,222 Calculating volume of a revolved surface in Python
1,221 running pyspark with dependency package like numpy, pandas and scikit-learn
1,221 Python and Numba for vectorized functions
1,221 Is there a more vectorized way to perform numpy.outer along an axis?
1,221 Insert missing dates while keeping the date order in python list
1,221 Evaluating Python lambda function with numpys np.fromfunction
1,221 Deploying Pandas to Heroku?
1,221 Consistent numeric type check
1,221 clojure working with scipy and numpy
1,221 AttributeError: 'module' object has no attribute 'Template'
1,220 Type casting error with numpy.take
1,220 Resize list of images with scipy imresize
1,220 Python - How to plot data from multiple text files in a single graph
1,220 Pearson's correlation coefficient between all pairs of rows from two 2D arrays using scipy.stats.pearsonr vs. numpy.corrcoeff in python 3.5
1,220 Passing Term-Document Matrix to Gensim LDA Model
1,220 Method .as_matrix will be removed in a future version. Use .values instead
1,220 Finding the Limit of (1+1/n)^n as n->infinity using Python/Numpy
1,220 Estimator with numpy array input_fn
1,220 Element-wise comparison of numpy arrays of different lengths
1,220 Efficiently replace elements in array based on dictionary - NumPy / Python
1,220 Convert array 1:n in matlab to python
1,220 Concatenate matrixes to tensor
1,220 Apply function to 2D numpy array elements
1,220 Aggregating neighbouring pixels Python / GDAL and Numpy without interpolation
1,219 Why does the Python ITK PyBuffer not accept my numpy array?
1,219 Replicate IDL 'smooth' in Python 2.7
1,219 Python fromfile returning incorrect values when reading binary file generated with tofile
1,219 Python defaultdict for large data sets
1,219 How to access specific row of multidimensional NumPy array with different dimension?
1,219 finding eigenvector using linalg
1,219 Direct way to generate sum of all parallel diagonals in Numpy / Pandas?
1,218 ''scoring must return a number'' cross_val_score error in scikit-learn
1,218 python 3 pandas and seaborn struggle using swarmplot - multiIndex
1,218 Numpy: how to convert observations to probabilities?
1,218 Numerical calculation of curvature
1,218 Correlating two 3D arrays in Python
1,217 Working with complex numbers in real time with GNU Radio
1,217 What exactly is the ''resolution'' parameter of numpy float
1,217 Performance/standard using 1d vs 2d vectors in numpy
1,217 Pandas DataFrame to multidimensional NumPy Array
1,217 Overriding other __rmul__ with your class's __mul__
1,217 Loaded pickle data is much larger in memory than on disk and seems to leak. (Python 2.7)
1,217 Intelligent Peak Detection Method
1,217 How to represent a square wave in python and how to convolve it?
1,217 How do you create a multidimensional numpy array from an iterable of tuples?
1,217 how do matlab do the sort?
1,217 Filter numpy array of strings
1,216 too many values to unpack, python, findcontours [closed]
1,216 Repeat a NumPy array in multiple dimensions at once?
1,216 Read specific columns of .txt file with numy genfromtxt
1,216 Python Resampling Implementation like Matlab's Signal Toolbox's Resampling Function
1,216 How to modify this python opencv program to get xy coordinates from thresholded image
1,216 how to apply Functions on numpy arrays using pandas groupby function
1,216 How do I compile a Fortran library for use with Python? (f2py may not be an option)
1,216 Generate sequential numbers between 0 and 1 with equal distance
1,216 Can't upgrade python-dateutil in OSX
1,216 Bivariate CDF/CCDF Distribution Python
1,215 What is the most accurate method in python for computing the minimum norm solution or the solution obtained from the pseudo-inverse?
1,215 Shuffling non-zero elements of each row in an array - Python / NumPy
1,215 SciPy interp2d(linear) results are different than MatLab interp2(linear)
1,215 Python 3.6 and Intel numpy issue
1,215 numpy create new 2D array from existing array,column values as indices
1,215 Interval average of 1D data
1,215 Interpolating array columns with PiecewisePolynomial in scipy
1,215 How to Switch from Keras Tensortype to numpy array for a custom layer?
1,215 How to get running counts for numpy array values?
1,215 Fast algorithm to find indices where multiple arrays have the same value
1,215 Can I use more than 26 letters in `numpy.einsum`?
1,214 sparse matrix implementation for user,item pairs
1,214 Indexing with boolean arrays into multidimensional arrays using numpy
1,214 Exponential of large negative numbers
1,214 Compute Higher Moments of Data Matrix
1,213 What about tuple error in Python?
1,213 Trying to save vtk files with tvtk made from NumPy arrays
1,213 Travelling salesman with a directional constraint
1,213 Trace an image in python
1,213 Sympy- matplotlib: x and y must have same first dimension [duplicate]
1,213 scipy minimize returns initial value
1,213 Python is using the wrong version of Numpy module
1,213 Python : from numpy.array to shapely.geometry
1,213 matlab single() function in numpy?
1,213 load .npy file in python3.4 error
1,213 How to generate and apply a square mask in numpy
1,213 Finding the roots of a large number of functions with one variable
1,213 Difficulties with putting numpy array in multiprocessing queue
1,212 Scikit Decision Tree Error
1,212 Python: using X and Y values to draw a picture
1,212 Python Scikit-learn - An attempt at a low level OCR
1,212 Python numpy: create 2d array of values based on coordinates and plot with pcolormesh, heatplolt
1,212 Multiple linear regression for a surface using NumPy - example
1,212 lambda custom aggregate function
1,212 How to declare a global numpy.ndarray in cython?
1,212 Filter numpy array by comparing elements to elements in prior row without looping
1,212 Elegant way to compare to torch.FloatTensor on GPU
1,212 Efficient way to loop over Pandas Dataframe to make dummy variables (1 or 0 input)
1,212 Delete the elements of a array with a mask
1,211 Save Feature Map from a convolutional layer as Images - Tensorflow
1,211 Python: numpy data type casting
1,211 Matplotlib imshow() doesn't display numpy.ones array [duplicate]
1,211 load twitter feeds into a python SQLite DB
1,211 How do I find the image (pixel?) value of the bottom right corner of an image with Python?
1,211 fast way to invert or dot kxnxn matrix
1,211 fast dot product on all pair of rows
1,211 Count unique elements row wise in an ndarray
1,211 Comparing two OpenCV images/2D Numpy arrays
1,211 Calculating distances between unique Python array regions?
1,210 Python Scipy Error
1,210 memory leak calling cython function with large numpy array parameters?
1,210 how to create an interlaced rows images with python and openCv
1,210 Are Numpy arrays hashable?
1,209 Why can't I use numpy.logaddexp.reduce?
1,209 Transform an array of shape (n,) to a numpy array of shape (n,1)
1,209 Scipy LinearOperator With Multiple Inputs
1,209 Numpy position and vector arrays - implement collision detection
1,209 How can I take a dot product along a particular dimension in numpy?
1,209 How can I take a dot product along a particular dimension in numpy?
1,209 Efficiently getting numpy.argmin and numpy.amin at the same time
1,209 Difference between memcpy_htod and to_gpu in Pycuda?
1,209 A smarter & faster way to convert numpy ndarray to string in python
1,208 Unable to find numpy/arrayobject.h
1,208 Solving coefficients of data set using curve_fit from scipy.optimize
1,208 Save list of numpy arrays onto disk
1,208 Python numpy keep a list of indices of a sorted 2D array
1,208 Python generate rolling window to calculate correlation
1,208 Performing math on a Python Pandas Group By DataFrame
1,208 Padding a matrix with numpy
1,208 Numpy - constructing matrix of Jaro (or Levenshtein) distances using numpy.fromfunction
1,208 Labels show up interactively on click in python matplotlib
1,208 Indices of scipy sparse csr_matrix
1,208 Find most frequent row or mode of a matrix of vectors - Python / NumPy
1,208 Chromatic Aberration Estimation in python
1,207 Reasoning about consecutive data points without using iteration
1,207 python determinant of a large matrix
1,207 mayavi points3d plot animation won't update the next frame
1,207 Install Python modules on Shared hosting virtualenv
1,207 Inserting generated Matplotlib plots into Flask with python3
1,207 how to plot scipy optimize result
1,207 Filter numpy structured array based on multiple values
1,207 Apply a filter on an audio sample with python
1,206 numpy.minimum applied to pandas DataFrame and Series
1,206 Numpy array subtraction creates a matrix with different dimension. How to correct that?
1,206 np.ndarray bitwise_or operator on ndarrays fails
1,206 Multinomial distribution in PyMC
1,206 How to solve issue of PendingDeprecationWarning: the matrix subclass is not the recommended way to represent matrices
1,206 how to input data for shapiro wilk test using python scipy
1,206 How to append last row from 2D array in Python
1,206 How do I fit my function with data to get fit parameters?
1,206 Find Indices Of Columns Having Some Nonzero Element In A 2d array
1,206 Fast way reduce noise of autocorrelation function in python?
1,206 Combining two numpy arrays to form an array with the largest value from each array
1,206 Calculating ''generating functions'' with numpy
1,205 Python Pandas: Compare values of two dataframes with different columns names by ID or row
1,205 Pushing Radix Sort (and python) to its limits
1,205 Pandas: How to count Occurrences of Categorical features Grouped by ID
1,205 Out of memory when DataFrame.resample() is called in pandas on small dataset
1,205 Multiplication of two positive numbers gives a negative output in Python 3
1,205 List comprehension for two variable loop in Python and numpy
1,205 How to replace empty string in python
1,205 Efficiently getting batches of elements from array - Python
1,205 convert two 1D arrays to set of tuples
1,205 Calculate mean across area in a 2D array
1,204 using the stats package in scipy error in Python?
1,204 using numpy_where on a 1D array
1,204 How to save very large ndarray to disk?
1,204 How to make array into array list in python
1,204 Efficient way to solve matrix equation in Python
1,204 Drawing a Horizontal line only in the positive X axis
1,204 ctypedef in Cython with numpy: what is right convention?
1,204 Add white noise on image batch data when training
1,203 What is the solution python gives me ''ValueError: setting an array element with a sequence.''
1,203 Numpy.linalg.det() returns incorrect result
1,203 How to apply linear regression to every pixel in a large multi-dimensional array containing NaNs?
1,203 finding neighbours in a numpy ndarray
1,203 Apply function to result of numpy.where
1,202 Strange Segmentation Fault in PyArray_SimpleNewFromData
1,202 Python sum() has a different result after importing numpy
1,202 Lambdas in Exponential Distribution [closed]
1,202 Is there any possibility to convert recarray to ndarray and change ndim?
1,202 How to flatten 3D object surface into 2D array?
1,202 How to create a huge sparse matrix in scipy
1,202 Face recognition - Python
1,202 Counting overlapping values of two 2D binary numpy arrays for a specific value
1,202 Bytes into Numpy Int16 array
1,201 numpy matrix trickery - sum of inverse times matrices
1,201 Linearly separating a Gaussian Filter and calculating with Numpy
1,201 how to write symbol for sum over a variable's subscript in sympy
1,201 How to store numerical lookup table in Python (with labels)
1,201 How to normalize scipy's convolve2d when working with images?
1,201 How do you normalize an FFT in python?
1,201 ''extended'' IFFT
1,200 Why is this numpy array operation so slow?
1,200 Why is np.compress faster than boolean indexing?
1,200 Why does matplotlib imshow() display a transposed image?
1,200 ValueError: too many boolean indices
1,200 slice 2D numpy array based on condition
1,200 Reshape 4d numpy array to 2d array while preserving array locations
1,200 numpy 3D dot product
1,200 Need to merge 2 large csv files row by row in python
1,200 How to convert a opencv3 cv::Mat to a numpy array using ctypes (C++ to Python)?
1,200 How can I query a numpy array to find the minimum multiplication of the first two columns?
1,200 Cumulative Sum List
1,199 numpy, get maximum of subsets
1,199 numpy column arrays and strange results
1,199 Install the right python version for Spark
1,199 improving Numpy dot performance by removing arrays copy
1,199 How to pass numpy array inside of struct to ctypes function?
1,199 How to find the difference between each subsequent pair of DataFrame.index values in pandas?
1,199 Comparing rows elements in python
1,199 Assigning values to a NumPy array
1,198 What does this (matplotlib) error message mean?
1,198 TypeError when appending fields to a structured array of size ONE
1,198 Sort on multiple NumPy arrays
1,198 Python Thread Pool Executor not releasing memory
1,198 Python How to make array in array?
1,198 Place x,y coordinates into bins
1,198 numpy standard deviation stacked arrays
1,198 Numpy Concatenate Images into Array
1,198 How to modify pixel values in numpy array of HSV image data?
1,198 How to fill an array without a for loop
1,198 creating a scipy.lil_matrix using a python generator efficiently
1,197 Two-body orbit modelling problems
1,197 SQL Query in pandas python
1,197 Scipy optimisation: Get the function to print out its iterations
1,197 Python/NumPy: implementing a running sum (but not quite)
1,197 Python Minibatch Dictionary Learning
1,197 Interpolate each row of 2d array with same 1d array
1,197 How to put many numpy files in one big numpy file, file by file?
1,197 How do I check that a python value is an instance of a numpy dtype?
1,197 calculating 2D rms in python
1,197 averages for select columns for each row in numpy array
1,196 Using numpy.vectorize() to rotate all elements of a NumPy array
1,196 Subtracting a number from an array if condition is met python
1,196 Save and Restor tensorflow model with numpy weights
1,196 Rolling window polynomial fit in pandas
1,196 Reading multiple images in keras
1,196 Numpy Softmax - The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
1,196 MultinomialNB: ValueError
1,196 In numpy, how to efficiently list all fixed-size submatrices?
1,196 How to read in an edge list to make a scipy sparse matrix
1,196 convert python's time.ctime() to unix time stamp
1,195 Repeating numpy values and specifying dtype
1,195 Python numpy/f2py linking libraries
1,195 How to use scipy.optimize to minimize multiple scalar-valued functions simultaneously
1,195 How to simplify an array in python
1,195 How to randomly crop a batch of images
1,195 How to find intersect indexes and values in Python?
1,195 Find the closest value above and under in an array?
1,194 Why is random number generator tf.random_uniform in tensorflow much faster than the numpy equivalent
1,194 Symmetrical matrix with numpy
1,194 Removing values in dataframe once threshold (min/max) value has been reached with Pandas
1,194 How to rotate a point using transformations.py
1,194 How to implement the fast fourier transform to correlate two 2d arrays?
1,194 How to efficiently extract values from nested numpy arrays generated by loadmat function?
1,194 How to accelerate complex matrix dot product in Python
1,194 Definition of mathematical operations (sin…) on NumPy arrays containing objects
1,194 Convert a C or numpy array to a Tkinter PhotoImage with a minimum number of copies
1,194 Computing the spectral norms of ~1m Hermitian matrices: `numpy.linalg.norm` is too slow
1,193 Split data to multiple matrices based on first column values
1,193 `np.concatenate` a numpy array with a sparse matrix
1,193 Install pandas in ABAQUS 6.14 python environment
1,193 How to define a 2D array of (x,y) coordinates
1,193 How do i extract 3 bands out of a 4 band image using NumpyArrayToRaster()?
1,193 Efficient implementation of the transition matrix for page rank
1,193 Array row multiplying loop in Python\Numpy
1,193 Analyzing seasonality of Google trend time series using FFT
1,193 Alternative to `numpy.tile` for periodic mask
1,192 Vectorize scipy.integrate.quad
1,192 Print a 1-D slice of a numpy array vertically
1,192 Is there a NumPy like library for set computations? [closed]
1,192 Integration of normal distribution using Simpson's rule
1,192 How to predict missing values in python using linear regression 3 year worth of data
1,192 How to change dtypes of numpy array for tensorflow
1,192 Finding gradient of an unknown function at a given point in Python
1,192 Convolution of symmetric arrays with NumPy: why is the result shifted?
1,191 What's the numpy equivalent of python's zip(*)?
1,191 PyTorch conversion between tensor and numpy array: the addition operation
1,191 Python something resets my random seed
1,191 Python on Raspbian - ''TypeError: 'numpy.int32' object is not iterable'''
1,191 Python, Numpy, replacing second max value with 1, others with 0
1,191 Python 3D isosurface from a set of 2D images
1,191 Pandas' version of numpy.resize for efficient matrix resizing
1,191 Normalization: Euclidean distance between a numpy array and one point
1,191 Min-max scaling along rows in numpy array
1,191 Loading .npy File Loads an Empty Array
1,191