Find link

language:

jump to random article

Find link is a tool written by Edward Betts.

searching for NumPy 72 found (189 total)

alternate case: numPy

CUDA (4,133 words) [view diff] case mismatch in snippet view article find links to article

get_function("multiply_them") a = numpy.random.randn(400).astype(numpy.float32) b = numpy.random.randn(400).astype(numpy.float32) dest = numpy.zeros_like(a) multiply_them(drv
Echo state network (1,745 words) [view diff] case mismatch in snippet view article find links to article
implementations of ESNs are aureservoir (a C++ library for various kinds with python/numpy bindings), MATLAB, ReservoirComputing.jl (a Julia-based implementation of
Gauss–Seidel method (3,999 words) [view diff] case mismatch in snippet view article find links to article
procedure produces the solution vector of a linear system of equations: import numpy as np ITERATION_LIMIT = 1000 # initialize the matrix A = np.array( [ [10
Peirce's criterion (2,863 words) [view diff] case mismatch in snippet view article find links to article
(Gould's equation D): r_old = r_new r_new = numpy.exp((x2 - 1) / 2.0) * scipy.special.erfc( numpy.sqrt(x2) / numpy.sqrt(2.0) ) else: x2 = 0.0 return x2 import
Sample entropy (1,407 words) [view diff] case mismatch in snippet view article find links to article
combinations(x): idx = numpy.stack(numpy.triu_indices(len(x), k=1), axis=-1) return x[idx] def is_match(template_1, template_2, r): return numpy.all([abs(x - y)
Successive over-relaxation (3,148 words) [view diff] case mismatch in snippet view article find links to article
pseudo-code provided in the Wikipedia article. Arguments: A: nxn numpy matrix. b: n dimensional numpy vector. omega: relaxation factor. initial_guess: An initial
Scientific programming language (756 words) [view diff] exact match in snippet view article find links to article
analysis, and visualization. Languages such as Python, through libraries like NumPy, SciPy, and Matplotlib, have become dominant in fields ranging from machine
Five-number summary (772 words) [view diff] case mismatch in snippet view article find links to article
the percentile function from the numerical library numpy and works in Python 2 and 3. import numpy as np def fivenum(data): """Five-number summary."""
ParaView (2,001 words) [view diff] exact match in snippet view article find links to article
data processing can be done using the Python Programmable filter with VTK, NumPy, SciPy and other Python modules. Data can be probed at a point or along
Comparison of linear algebra libraries (331 words) [view diff] exact match in snippet view article find links to article
Open source scientific tools for Python. Bressert, E. (2012). SciPy and NumPy: an overview for developers. " O'Reilly Media, Inc.". Blanco-Silva, F. J
PyCharm (870 words) [view diff] exact match in snippet view article find links to article
Anaconda as well as multiple scientific packages including Matplotlib and NumPy. Front-end and back-end web development: special support for Django, Flask
Stationary wavelet transform (1,592 words) [view diff] case mismatch in snippet view article find links to article
packages to Python pip install numpy pip install matplotlib pip install pywt Import libraries in Python import numpy as np import matplotlib.pyplot as
Power iteration (2,478 words) [view diff] exact match in snippet view article find links to article
this with the following algorithm (shown in Python with NumPy): #!/usr/bin/env python3 import numpy as np def power_iteration(A, num_iterations: int): #
PageRank (8,808 words) [view diff] case mismatch in snippet view article find links to article
_{\textrm {algebraic}}}{|\mathbf {R} _{\textrm {algebraic}}|}}} . import numpy as np def pagerank(M, d: float = 0.85): """PageRank algorithm with explicit
Gekko (optimization software) (1,988 words) [view diff] case mismatch in snippet view article
domain knowledge of the data or system. from gekko import brain import numpy as np b = brain.Brain() b.input_layer(1) b.layer(linear=3) b.layer(tanh=3)
Random sample consensus (4,146 words) [view diff] case mismatch in snippet view article find links to article
problem, and visualizes the outcome: from copy import copy import numpy as np from numpy.random import default_rng rng = default_rng() class RANSAC: def
Commutation matrix (1,541 words) [view diff] case mismatch in snippet view article find links to article
columns, the commutation matrix can be generated by the code below. import numpy as np def comm_mat(m, n): # determine permutation applied by K w = np.arange(m
Mean shift (1,983 words) [view diff] case mismatch in snippet view article find links to article
via cvMeanShift Method Orfeo toolbox. A C++ implementation. scikit-learn Numpy/Python implementation uses ball tree for efficient neighboring points lookup
Neural Engineering Object (747 words) [view diff] case mismatch in snippet view article find links to article
defines a specific Python-based scripting API with back-ends targeting Numpy, OpenCL and Neuromorphic hardware such as Spinnaker. This newest iteration
Winsorizing (846 words) [view diff] case mismatch in snippet view article find links to article
particular stocks. Python can winsorize data using SciPy library: import numpy as np from scipy.stats.mstats import winsorize winsorize(np.array([92, 19
Lorenz 96 model (489 words) [view diff] case mismatch in snippet view article find links to article
from scipy.integrate import odeint import matplotlib.pyplot as plt import numpy as np # These are our constants N = 5 # Number of variables F = 8 # Forcing
Centripetal Catmull–Rom spline (2,168 words) [view diff] case mismatch in snippet view article find links to article
Catmull–Rom spline in Python that produces the plot shown beneath. import numpy import matplotlib.pyplot as plt QUADRUPLE_SIZE: int = 4 def num_segments(point_chain:
Ikeda map (1,154 words) [view diff] case mismatch in snippet view article find links to article
:) = [x y]; end end import math import matplotlib.pyplot as plt import numpy as np def main(u: float, points=200, iterations=1000, nlim=20, limit=False
Minimum spanning tree (5,460 words) [view diff] case mismatch in snippet view article find links to article
sparse.csgraph.minimum_spanning_tree - SciPy v1.7.1 Manual". Numpy and Scipy Documentation — Numpy and Scipy documentation. Retrieved 2021-12-10. A minimum
Quartile (2,225 words) [view diff] case mismatch in snippet view article find links to article
Stats Method 1 R fivenum Method 2 R quantile (default) Method 4 Python numpy.percentile Method 4 (with n−1) Python pandas.DataFrame.describe Method 3
Quantum circuit (3,343 words) [view diff] case mismatch in snippet view article find links to article
complexity, where 'n' denotes the number of qubits. In contrast, the runtime of Numpy approaches O(2^2^n). This finding underscores the feasibility of leveraging
Milstein method (1,130 words) [view diff] case mismatch in snippet view article find links to article
xt{init}}\end{cases}}} # -*- coding: utf-8 -*- # Milstein Method import numpy as np import matplotlib.pyplot as plt class Model: """Stochastic model constants
Jacobi method (2,195 words) [view diff] case mismatch in snippet view article find links to article
five iterations. The exact solution of the system is (1, 2, −1, 1). import numpy as np ITERATION_LIMIT = 1000 # initialize the matrix A = np.array([[10.
Namespace (3,357 words) [view diff] case mismatch in snippet view article find links to article
providing an alias or alternative name for use by the calling module: import numpy as np a = np.arange(1000) In XML, the XML namespace specification enables
Multiple correspondence analysis (1,571 words) [view diff] case mismatch in snippet view article find links to article
performing MCA . There is also a Python package for [1] which works with numpy array matrices; the package has not been implemented yet for Spark dataframes
Cython (1,796 words) [view diff] exact match in snippet view article find links to article
Oliphant, Travis (20 June 2011). "Technical Discovery: Speeding up Python (NumPy, Cython, and Weave)". Technicaldiscovery.blogspot.com. Retrieved 21 July
In-place matrix transposition (3,044 words) [view diff] exact match in snippet view article find links to article
in e.g. Suh & Prasanna (2002) and Krishnamoorth et al. (2004). "numpy.swapaxes — NumPy v1.15 Manual". docs.scipy.org. Retrieved 22 January 2019. Harris
Berkeley Institute for Data Science (928 words) [view diff] exact match in snippet view article find links to article
Manning Publishing. ISBN 9781617296253. Bressert, Eli (2012). SciPy and NumPy: An Overview for Developers. O'Reilly Media. p. 43. ISBN 9781449361624.
Computing in Science & Engineering (739 words) [view diff] exact match in snippet view article find links to article
Travis Oliphant, which has more than 15 thousand views in Xplore, and "The NumPy Array: A Structure for Efficient Numerical Computation," by Stefan van der
VPython (669 words) [view diff] case mismatch in snippet view article find links to article
documentation: from visual.graph import * # Import graphing features from numpy import arange, cos, exp funct1 = gcurve(color=color.cyan) # A connected
Computational science (3,387 words) [view diff] exact match in snippet view article find links to article
Open source scientific tools for Python. Bressert, E. (2012). SciPy and NumPy: an overview for developers. " O'Reilly Media, Inc.". Blanco-Silva, F. J
Monte Carlo integration (2,612 words) [view diff] case mismatch in snippet view article find links to article
* insideCircle / throws; printf("%lf\n", pi); } Made in Python. import numpy as np rng = np.random.default_rng(0) throws = 2000 radius = 1 # Choose random
List of random number generators (1,461 words) [view diff] exact match in snippet view article find links to article
December 2024. Retrieved 13 February 2025. "SFC64 Small Fast Chaotic PRNG". NumPy v2.2 Manual. Archived from the original on 13 February 2025. Retrieved 13
Sturges's rule (679 words) [view diff] exact match in snippet view article find links to article
65–66. doi:10.1080/01621459.1926.10502161. JSTOR 2965501. "Numpy.histogram_bin_edges — NumPy v2.1 Manual". "Hist function - RDocumentation". Scott, David
Quantile (3,228 words) [view diff] exact match in snippet view article find links to article
randomly drawn values. R‑7, Excel, Python, SciPy‑(1,1), Julia-(1,1), Maple‑6, NumPy (N − 1)p + 1 Linear interpolation of the modes for the order statistics
Banker's algorithm (1,810 words) [view diff] case mismatch in snippet view article find links to article
this state is not safe Since the state is unsafe, deny the request import numpy as np n_processes = int(input("Number of processes? ")) n_resources = int(input("Number
Scott's rule (729 words) [view diff] exact match in snippet view article find links to article
1093/biomet/66.3.605. "Hist function - RDocumentation". "Numpy.histogram_bin_edges — NumPy v2.1 Manual". "Excel:Create a histogram". Scott DW. Scott's
Softmax function (5,279 words) [view diff] case mismatch in snippet view article find links to article
maximum value. Computation of this example using Python code: >>> import numpy as np >>> z = np.array([1.0, 2.0, 3.0, 4.0, 1.0, 2.0, 3.0]) >>> beta = 1
Information gain (decision tree) (3,032 words) [view diff] case mismatch in snippet view article
and Information Gain? How are they used to construct decision trees?". Numpy Ninja. Retrieved 2021-11-28. Jothikumar, R. (2018). "Predicting Life time
Gabor filter (2,530 words) [view diff] case mismatch in snippet view article find links to article
object representation. This is an example implementation in Python: import numpy as np def gabor(sigma, theta, Lambda, psi, gamma): """Gabor feature extraction
Lorenz system (5,751 words) [view diff] case mismatch in snippet view article find links to article
ParametricPlot3D[soln[t], {t, 0, 50}] import matplotlib.pyplot as plt import numpy as np def lorenz(xyz, *, s=10, r=28, b=2.667): """ Parameters ----------
Mandelbrot set (8,823 words) [view diff] case mismatch in snippet view article find links to article
implementing the above algorithm in Python:[close paraphrasing] import numpy as np import matplotlib.pyplot as plt # Setting parameters (these values
Determination of the day of the week (5,771 words) [view diff] case mismatch in snippet view article find links to article
rem(6+5*rem(y1-1,4) + 3*(y1-1),7) 0: Sunday 1: Monday .. 6: Saturday from numpy import remainder as rem def is_leap_year(year: int) -> bool: """ Determine
Lattice phase equaliser (3,851 words) [view diff] exact match in snippet view article find links to article
Software-based implementations use tools like MATLAB, Python (with SciPy or NumPy), or C/C++ for simulation and deployment. MATLAB’s Filter Design Toolbox
B-spline (5,734 words) [view diff] case mismatch in snippet view article find links to article
original (PDF) on 2013-11-06. Retrieved 2012-05-02. bivariate B-spline from numpy Interactive B-splines with JSXGraph TinySpline: Opensource C-library with
Tricubic interpolation (805 words) [view diff] exact match in snippet view article find links to article
implementation of tricubic interpolation C++ implementation of tricubic interpolation Python implementation NumPy implementation [1] einspline library
Dynamic time warping (3,863 words) [view diff] case mismatch in snippet view article find links to article
implements the classic O(NM) Dynamic Programming algorithm and bases on Numpy. It supports values of any dimension, as well as using custom norm functions
Seidel's algorithm (797 words) [view diff] case mismatch in snippet view article find links to article
the multiplication, exponentiation, and indexing operators (for example numpy.matrix). def apd(A, n: int): """Compute the shortest-paths lengths.""" if
Model order reduction (3,324 words) [view diff] exact match in snippet view article find links to article
implementations of finite element and finite volume discretizations using the NumPy/SciPy scientific computing stack are provided for getting started quickly
Cholesky decomposition (8,348 words) [view diff] case mismatch in snippet view article find links to article
Fortran, C and most languages. In Python, the function cholesky from the numpy.linalg module performs Cholesky decomposition. In Matlab, the chol function
Iterative proportional fitting (3,463 words) [view diff] case mismatch in snippet view article find links to article
equivalent package, ipfn that can be installed via pip. The package supports numpy and pandas input objects. Data cleansing Data editing NM-method Triangulation
Bisection method (6,161 words) [view diff] case mismatch in snippet view article find links to article
subnormal) the interval can not be divided and the process must stop. import numpy as np import math def bisect(f, a, b, tol, bound=9.8813129168249309e-324):
Itô isometry (1,824 words) [view diff] case mismatch in snippet view article find links to article
dashed # ============================================================ import numpy as np import pandas as pd import matplotlib.pyplot as plt from IPython.display
Time Warp Edit Distance (1,816 words) [view diff] case mismatch in snippet view article find links to article
includes Python bindings for Marteau's reference C implementation. import numpy as np def dlp(A, B, p=2): cost = np.sum(np.power(np.abs(A - B), p)) return
Quaternions and spatial rotation (11,740 words) [view diff] case mismatch in snippet view article find links to article
SciPy spatial.transform.Rotation library SymPy symbolic mathematics library numpy-quaternion library Universal Scene Description Microsoft DirectX Math Library
Binomial proportion confidence interval (6,213 words) [view diff] case mismatch in snippet view article find links to article
and scipy.stats.beta.ppf in Python. from scipy.stats import beta import numpy as np k = 20 n = 400 alpha = 0.05 p_u, p_o = beta.ppf([alpha / 2, 1 - alpha
NetworkX (3,290 words) [view diff] case mismatch in snippet view article find links to article
capturing communities more easily as compared to the spring layout. import numpy as np import matplotlib.pyplot as plt import networkx as nx # Generate a
Secretary problem (6,867 words) [view diff] case mismatch in snippet view article find links to article
2017. Optimal Stopping and Applications book by Thomas S. Ferguson import numpy as np import pandas as pd # Define the function for which you want to find
Zernike polynomials (6,470 words) [view diff] exact match in snippet view article find links to article
Nijboer-Zernike website MATLAB code for fast calculation of Zernike moments Python/NumPy library for calculating Zernike polynomials Zernike aberrations at Telescope
Robbins' problem (2,018 words) [view diff] case mismatch in snippet view article find links to article
time, Schottky problems, and Logic, fields, and subanalytic sets. import numpy as np from scipy.integrate import quad from scipy.optimize import root def
Logistic map (18,842 words) [view diff] case mismatch in snippet view article find links to article
the logistic map can be visualized with the following Python code: import numpy as np import matplotlib.pyplot as plt interval = (2.8, 4) # start, end accuracy
Polars (software) (933 words) [view diff] exact match in snippet view article
mean("temp")) Dask is a Python package for applying parallel computation using NumPy, pandas, and scikit-learn, and is used for datasets that are larger than
JData (1,312 words) [view diff] case mismatch in snippet view article find links to article
convert a wide range of complex data structures, including dict, array, numpy ndarray, into JData representations and export the data as JSON or UBJSON
Normalization (machine learning) (5,361 words) [view diff] case mismatch in snippet view article
descent. The following is a Python implementation of BatchNorm: import numpy as np def batchnorm(x, gamma, beta, epsilon=1e-9): # Mean and variance of
Contrastive Language-Image Pre-training (3,096 words) [view diff] case mismatch in snippet view article find links to article
png -O CLIP.png import torch import clip from PIL import Image import numpy as np device = "cuda" if torch.cuda.is_available() else "cpu" for m in clip
Hierarchical Risk Parity (3,694 words) [view diff] case mismatch in snippet view article find links to article
(Quasi-Diagonalization), cov is the covariance matrix: import pandas as pd, numpy as np def getRecBipart(cov, sortIx): # Compute HRP allocation w = pd.Series(1
Language model benchmark (10,351 words) [view diff] exact match in snippet view article find links to article
StackOverflow problems, requiring the use of 7 Python libraries, such as NumPy and Pandas. The resposes are scored by running test cases and comparing