Giter Club home page Giter Club logo

scipy's Introduction

image

image

image

image

image

image

SciPy (pronounced "Sigh Pie") is an open-source software for mathematics, science, and engineering. It includes modules for statistics, optimization, integration, linear algebra, Fourier transforms, signal and image processing, ODE solvers, and more.

SciPy is built to work with NumPy arrays, and provides many user-friendly and efficient numerical routines, such as routines for numerical integration and optimization. Together, they run on all popular operating systems, are quick to install, and are free of charge. NumPy and SciPy are easy to use, but powerful enough to be depended upon by some of the world's leading scientists and engineers. If you need to manipulate numbers on a computer and display or publish the results, give SciPy a try!

For the installation instructions, see our install guide.

Call for Contributions

We appreciate and welcome contributions. Small improvements or fixes are always appreciated; issues labeled as "good first issue" may be a good starting point. Have a look at our contributing guide.

Writing code isn’t the only way to contribute to SciPy. You can also:

  • review pull requests
  • triage issues
  • develop tutorials, presentations, and other educational materials
  • maintain and improve our website
  • develop graphic design for our brand assets and promotional materials
  • help with outreach and onboard new contributors
  • write grant proposals and help with other fundraising efforts

If you’re unsure where to start or how your skills fit in, reach out! You can ask on the mailing list or here, on GitHub, by leaving a comment on a relevant issue that is already open.

If you are new to contributing to open source, this guide helps explain why, what, and how to get involved.

scipy's People

Contributors

alexbrc avatar andyfaff avatar atsushisakai avatar cournape avatar dlax avatar endolith avatar eric-jones avatar ev-br avatar ilayn avatar jarrodmillman avatar kai-striega avatar larsmans avatar larsoner avatar matthew-brett avatar mckib2 avatar mdhaber avatar nmayorov avatar pearu avatar perimosocordiae avatar person142 avatar peterbell10 avatar pv avatar pvanmulbregt avatar rgommers avatar rkern avatar stefanv avatar teoliphant avatar tupui avatar tylerjereddy avatar warrenweckesser avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

scipy's Issues

signaltools refers to numpy package but imports it as Numeric (Trac #10)

Original ticket http://projects.scipy.org/scipy/ticket/10 on 2006-02-22 by @alberts, assigned to unknown.

From triangular in signaltools.py in SciPy 0.4.6:

w = numpy.r_[w, w[::-1]]

However, at the top of the file we have:

import numpy as Numeric

The following script:

from scipy.signal import triang
print triang(3)

fails with:

Traceback (most recent call last):
  File "frags.py", line 9, in ?
    print triang(3)
  File "C:\Python24\Lib\site-packages\scipy\signal\signaltools.py", line 579, in triang
    w = numpy.r_[w, w[-2::-1]]
NameError: global name 'numpy' is not defined

Segmantation fault sparse.lu_factor(A).solve(r) (Trac #13)

Original ticket http://projects.scipy.org/scipy/ticket/13 on 2006-03-02 by @nilswagner01, assigned to unknown.

from scipy import *

from scipy.sparse import *

n = 20

A = csc_matrix((n,n))

x = rand(n)

y = rand(n-1)+1j*rand(n-1)

r = rand(n)

for i in range(len(x)):

A[i,i] = x[i]

for i in range(len(y)):

A[i,i+1] = y[i]

A[i+1,i] = conjugate(y[i])

xx = sparse.lu_factor(A).solve(r)

Program received signal SIGSEGV, Segmentation fault.
[Switching to Thread 16384 (LWP 15138)]
0x00002aaab2d8f8a5 in dpivotL (jcol=0, u=1, usepr=0x7fffffffd3e4, perm_r=0x6cf550, iperm_r=,
iperm_c=, pivrow=0x7fffffffd3e8, Glu=0x2aaab34bb360, stat=0xffffffffab7dfa48) at dpivotL.c:120
120 perm_r[*pivrow] = jcol;
Current language: auto; currently c
(gdb) bt
#0 0x00002aaab2d8f8a5 in dpivotL (jcol=0, u=1, usepr=0x7fffffffd3e4, perm_r=0x6cf550, iperm_r=,

iperm_c=<value optimized out>, pivrow=0x7fffffffd3e8, Glu=0x2aaab34bb360, stat=0xffffffffab7dfa48) at dpivotL.c:120

#1 0x00002aaab2d85c49 in dgstrf (options=, A=0x7fffffffd570, drop_tol=,

relax=<value optimized out>, panel_size=10, etree=<value optimized out>, work=<value optimized out>, lwork=7140688,
perm_c=0xa17510, perm_r=0x6cf550, L=0x2aaab55658c0, U=0x2aaab55658e0, stat=0x7fffffffd510, info=0x7fffffffd508)
at dgstrf.c:310

#2 0x00002aaab2d6886d in newSciPyLUObject (A=0x7fffffffd670, diag_pivot_thresh=1, drop_tol=0, relax=1, panel_size=10,

permc_spec=2, intype=<value optimized out>) at _superluobject.c:372

#3 0x00002aaab2d67bac in Py_dgstrf (self=, args=,

keywds=<value optimized out>) at _dsuperlumodule.c:187

#4 0x00002aaaaac1c17e in PyCFunction_Call () from /usr/lib64/libpython2.4.so.1.0
#5 0x00002aaaaac4f661 in PyEval_EvalFrame () from /usr/lib64/libpython2.4.so.1.0
#6 0x00002aaaaac51705 in PyEval_EvalCodeEx () from /usr/lib64/libpython2.4.so.1.0
#7 0x00002aaaaac4f789 in PyEval_EvalFrame () from /usr/lib64/libpython2.4.so.1.0
#8 0x00002aaaaac51705 in PyEval_EvalCodeEx () from /usr/lib64/libpython2.4.so.1.0
#9 0x00002aaaaac51992 in PyEval_EvalCode () from /usr/lib64/libpython2.4.so.1.0
#10 0x00002aaaaac6aeb9 in run_node () from /usr/lib64/libpython2.4.so.1.0
#11 0x00002aaaaac6c3c9 in PyRun_SimpleFileExFlags () from /usr/lib64/libpython2.4.so.1.0
#12 0x00002aaaaac6c921 in PyRun_AnyFileExFlags () from /usr/lib64/libpython2.4.so.1.0
#13 0x00002aaaaac72023 in Py_Main () from /usr/lib64/libpython2.4.so.1.0
#14 0x00000000004008d9 in main (argc=, argv=) at ccpython.cc:10

scipy crashes python (Trac #2)

Original ticket http://projects.scipy.org/scipy/ticket/2 on 2006-01-30 by trac user anonymous (imransomji@..., assigned to unknown.

Hello, I have:
scipy-0.4.4.win32-py2.4-P4SSE2.exe
numpy-0.9.4.win32-py2.4.exe

when I run scipy.test() at the command line, I get:
Overwriting lib=<module 'scipy.lib' from 'C:\Python24\lib\site-packages\scipy\li
b_init_.pyc'> from C:\Python24\lib\site-packages\scipy\lib__init__.pyc (was
<module 'numpy.lib' from 'C:\Python24\lib\site-packages\numpy\lib_init_.pyc'>
from C:\Python24\lib\site-packages\numpy\lib__init__.pyc)
Found 128 tests for scipy.linalg.fblas
Found 92 tests for scipy.stats.stats
Found 36 tests for scipy.linalg.decomp
Found 6 tests for scipy.optimize.optimize
Found 10 tests for scipy.stats.morestats
Found 4 tests for scipy.linalg.lapack
Found 1 tests for scipy.optimize.zeros
Found 92 tests for scipy.stats
Found 42 tests for scipy.lib.lapack
Found 339 tests for scipy.special.basic
Found 128 tests for scipy.lib.blas.fblas
Found 7 tests for scipy.linalg.matfuncs
Found 41 tests for scipy.linalg.basic
Found 1 tests for scipy.optimize.cobyla
Found 14 tests for scipy.lib.blas
Found 14 tests for scipy.linalg.blas
Found 70 tests for scipy.stats.distributions
Found 6 tests for scipy.optimize
Found 0 tests for main
EEEEEEEEEEEEE

And then python crashes.

savemat doesn't work (Trac #11)

Original ticket http://projects.scipy.org/scipy/ticket/11 on 2006-02-22 by @alberts, assigned to unknown.

The savemat function in io doesn't work in scipy 0.4.6:

The following script:

from numpy import array
from scipy.io import savemat
savemat('foo.mat', {'x' : array([0])})

causes the following traceback:

Traceback (most recent call last):
  File "frags.py", line 3, in ?
    savemat('foo.mat', {'x' : array([0])})
  File "C:\Python24\Lib\site-packages\scipy\io\mio.py", line 875, in savemat
    fid.fwrite(variable+'\x00','char')
  File "C:\Python24\Lib\site-packages\scipy\io\mio.py", line 223, in write
    numpyio.fwrite(self,count,data,mtype,bs)
numpyio.error: Does not support extended types.

PATCH: Memory leak in optimize.leastsq when a jacobian is specified (Trac #35)

Original ticket http://projects.scipy.org/scipy/ticket/35 on 2006-03-09 by trac user russel@..., assigned to unknown.

Run the following program and watch it's memory usage. Removing the jacobian from the call to leastsq
keeps memory usage constant. It also leaks at the same rate if the jacobian is transposed and col_deriv=0.

import numpy as N
from scipy.optimize import leastsq

x=N.arange(0,1,0.0001)
y=(x-0.3)**2

def residual(p, x, y):
  return (p[0]*x+p[1])*x+p[2]-y

def jacobian(p, x, y):
  jac=N.zeros(shape=(len(p),len(x)),dtype=float)
  jac[0]=x*x
  jac[1]=x
  jac[2]=1
  return jac

def fit_j(x, y):
  p=N.ones(3, dtype=float)
  fit, mesg = leastsq(residual, p, args=(x, y), Dfun=jacobian, col_deriv=1)
  return p

def test_leak(nfit=10000):
  for k in xrange(nfit):
    p=fit_j(x,y)

if __name__=="__main__":
  test_leak()

fftw3 - poor performance for complex arrrays (Trac #1)

Original ticket http://projects.scipy.org/scipy/ticket/1 on 2006-01-06 by trac user arnd.baecker@..., assigned to @dmcooke.

fft via scipy is much slower when using fftw3 instead of fftw2 (though fftw3 is
typically much faster than fftw2, eg. using benchfft - http://www.fftw.org/benchfft/)

This was also reported before by Darren Dale.
See http://www.physik.tu-dresden.de/~baecker/tmp/fftw/
a graphical illustration + scripts of the result.

This is what Pearu go on a Opteron box:

# Use fftw-2.1.3:
pearu@opt:~/svn/scipy/Lib/fftpack$ FFTW3=None python setup.py build
pearu@opt:~/svn/scipy/Lib/fftpack$ python tests/test_basic.py -l 10
   Found 23 tests for __main__

                  Fast Fourier Transform
=================================================
       |    real input     |   complex input
-------------------------------------------------
  size |  scipy  | Numeric |  scipy  | Numeric
-------------------------------------------------
   100 |    0.07 |    0.07 |    0.07 |    0.08  (secs for 7000 calls)
  1000 |    0.07 |    0.11 |    0.09 |    0.11  (secs for 2000 calls)
   256 |    0.13 |    0.16 |    0.15 |    0.15  (secs for 10000 calls)
   512 |    0.19 |    0.28 |    0.22 |    0.29  (secs for 10000 calls)
  1024 |    0.03 |    0.06 |    0.04 |    0.06  (secs for 1000 calls)
  2048 |    0.06 |    0.10 |    0.09 |    0.10  (secs for 1000 calls)
  4096 |    0.06 |    0.15 |    0.09 |    0.16  (secs for 500 calls)
  8192 |    0.15 |    0.68 |    0.37 |    0.70  (secs for 500 calls)
...
----------------------------------------------------------------------
Ran 23 tests in 26.286s

# Use fftw-3.0.1:
pearu@opt:~/svn/scipy/Lib/fftpack$ FFTW2=None python setup.py build
pearu@opt:~/svn/scipy/Lib/fftpack$ python tests/test_basic.py -l 10
   Found 23 tests for __main__

                  Fast Fourier Transform
=================================================
       |    real input     |   complex input
-------------------------------------------------
  size |  scipy  | Numeric |  scipy  | Numeric
-------------------------------------------------
   100 |    0.07 |    0.08 |    0.43 |    0.09  (secs for 7000 calls)
  1000 |    0.07 |    0.12 |    0.61 |    0.12  (secs for 2000 calls)
   256 |    0.15 |    0.16 |    0.99 |    0.16  (secs for 10000 calls)
   512 |    0.22 |    0.29 |    1.53 |    0.29  (secs for 10000 calls)
  1024 |    0.04 |    0.06 |    0.26 |    0.06  (secs for 1000 calls)
  2048 |    0.06 |    0.10 |    0.48 |    0.10  (secs for 1000 calls)
  4096 |    0.06 |    0.15 |    0.48 |    0.16  (secs for 500 calls)
  8192 |    0.15 |    0.68 |    1.11 |    0.69  (secs for 500 calls)
....
----------------------------------------------------------------------
Ran 23 tests in 38.188s

io.loadmat not loading double complex arrays from -V4 mat files (Trac #34)

Original ticket http://projects.scipy.org/scipy/ticket/34 on 2006-03-08 by unknown, assigned to unknown.

I made some "double (complex)" vectors in matlab, but io.loadmat only supports floats. The function fails silently and gives you only the real parts of the vectors. I think loadmat should at least give a warning in this situation. However, we could add a block like this around line 830 in mio.py:

if data.typecode() == 'd' and data2.typecode() == 'd':
new = zeros(data.shape,'D')
new.real = data
new.imag = data2
data = new
del(new)
del(data2)

Complex sparse matrices (Trac #17)

Original ticket http://projects.scipy.org/scipy/ticket/17 on 2006-03-06 by unknown, assigned to unknown.

Traceback (most recent call last):
File "sparse_test.py", line 12, in ?
x,info = linalg.gmres(A_csr,b)
File "/usr/lib64/python2.4/site-packages/scipy/linalg/iterative.py", line 578, in gmres
b = sb.asarray(b,typ)
File "/usr/lib64/python2.4/site-packages/numpy/core/numeric.py", line 74, in asarray
return array(a, dtype, copy=False, fortran=fortran, ndmin=ndmin)
TypeError: array cannot be safely cast to required type

several patches for linalg (Trac #37)

Original ticket http://projects.scipy.org/scipy/ticket/37 on 2006-03-14 by trac user Norbert@..., assigned to unknown.

attached a few patches against revision 1696
they are dependent on ticket gh-563 to numpy, see
http://projects.scipy.org/scipy/numpy/ticket/36
for some additional information.

scipy-1-eigh-eigvalsh.diff
added two new functions to scipy.linalg. All the interfaces were
there already...

scipy-2-dual-norm.diff
added 'norm' to the list of dual functions

scipy-3-norm-change-default.diff
changed the norm in the same way as "numpy.linalg.norm" was changed. See comments there.

scipy.io.loadmat v7 support (Trac #14)

Original ticket http://projects.scipy.org/scipy/ticket/14 on 2006-03-02 by trac user Nick Fotopoulos, assigned to unknown.

I have upgraded the loadmat functionality in scipy/io/mio.py to now handle some new features of Matlab 7. Specifically, Matlab 7 introduced compression (via zlib) and strings are now unicode by default. Please incorporate the changes. I don't see a way to attach files to tickets, so you can find the files at http://www.ligo.mit.edu/~nvf/. They are mio.py and numpyIO.py.

Compression reading is complete, but my unicode support is a mess. It does, however, work for all characters that can be represented in ASCII, since their codes are the same for UTF8 and ASCII. Good enough for me.

Also, I fixed string handling. In the previous version, v6 matfile strings came back with the correct length, but all ones ('111111', etc).

Everything is against scipy from SVN as of 2006-02-27. I tested with Matlab 7-generated v7 and v6 matfiles, both with simple tests and a small set of real data (700kB memory, complex-valued).

The biggest change I had to make was using a pure-Python implementation of numpyio (called numpyIO and written by Benyang Tang; I secured his permission to submit it to scipy). Supporting compression elegantly depends on being able to pass around StringIO streams instead of real files, for which numpyio doesn't work.

optimize.anneal needs fixing (Trac #16)

Original ticket http://projects.scipy.org/scipy/ticket/16 on 2006-03-06 by @timleslie, assigned to unknown.

The code in optimize.anneal is broken in a number of ways, up to and including:

  • incorrect implementation of the algorithm (current state never updated)
  • missing imports
  • unused imports
  • unused variables
  • broken test cases

I have a patch which I believe fixes these problems which I would like to submit for review/inclusion.

dtypechar error in stats.norm.fit (Trac #43)

Original ticket http://projects.scipy.org/scipy/ticket/43 on 2006-03-24 by trac user novin01 AT gmail.com, assigned to unknown.

Changing to .dtype.char fixes the problem, but I thought I'd post anyway.

This was on a P4/WinXP box with
python-2.4.2
numpy-0.9.4.win32-py2.4
scipy-0.4.4.win32-py2.4-P4SSE2

The following code replicates the error:

In [1]: from scipy import *
In [2]: x = stats.norm.rvs(size=1000,loc=0,scale=1)

In [3]: mu, sigma = stats.norm.fit(x)

exceptions.AttributeError Traceback (most recent call last)

\W2K4670\D$\GAS\Data\Processes

C:\Python24\lib\site-packages\scipy\stats\distributions.py in fit(self, data, _args, *_kwds)
726 # location and scale are at the end
727 x0 = args + (loc0, scale0)
--> 728 return optimize.fmin(self.nnlf,x0,args=(ravel(data),),disp=0)
729
730 def est_loc_scale(self, data, *args):

C:\Python24\lib\site-packages\scipy\optimize\optimize.py in fmin(func, x0, args, xtol, ftol, maxiter, maxfun, full_output, disp, retall)
189 sim = Num.zeros((N+1,),x0.dtypechar)
190 else:
--> 191 sim = Num.zeros((N+1,N),x0.dtypechar)
192 fsim = Num.zeros((N+1,),'d')
193 sim[0] = x0

AttributeError: 'numpy.ndarray' object has no attribute 'dtypechar'
In [4]:

What are the return values of stats.linregress ? (Trac #8)

Original ticket http://projects.scipy.org/scipy/ticket/8 on 2006-02-16 by trac user baptiste13@..., assigned to @cournape.

Hello,

The linregress function in scipy.stats returns a value called stderr-of-the-estimate which is equal to:
sqrt(1-r^2^) * samplestd(y) = sqrt( (1-r^2^) * sum(y - mean(y)) / N )
with r the correlation coefficient and N the number of data points

This is different from the usual estimator for the standard error, wich is
sqrt( (1-r^2^) * sum(y - mean(y)) / df ) = sqrt( (1-r^2^) * sum(y - mean(y)) / (N-2) )
where df stands for the number of degrees of freedom

From the docstring, one could assume that stderr-of-the-estimate is the usual estimator for stderr, as this result is relevant in most cases where linear regression is used. On the contrary, I don't see applications where the stderr-of-the-estimate result as is would be relevant.

If stderr-of-the-estimate is meant to be the usual estimator for stderr, the calculation should be corrected. If not, the docstring should describe more specifically what it stands for.

Cheers,
BC

Lib\special\cephes\const.c doesn't compile with Visual Studio (Trac #12)

Original ticket http://projects.scipy.org/scipy/ticket/12 on 2006-02-22 by @alberts, assigned to @dmcooke.

When building scipy revision 1618 with Visual Studio .NET 2003, the build fails on Lib\special\cephes\const.c with the error:

C:\Program Files\Microsoft Visual Studio .NET 2003\Vc7\bin\cl.exe /c /nologo /Ox
 /MD /W3 /GX /DNDEBUG /TcLib\special\cephes\const.c /Fobuild\temp.win32-2.4\Lib\
special\cephes\const.obj
const.c
Lib\special\cephes\const.c(92) : error C2099: initializer is not a constant
Lib\special\cephes\const.c(97) : error C2099: initializer is not a constant
error: Command ""C:\Program Files\Microsoft Visual Studio .NET 2003\Vc7\bin\cl.e
xe" /c /nologo /Ox /MD /W3 /GX /DNDEBUG /TcLib\special\cephes\const.c /Fobuild\t
emp.win32-2.4\Lib\special\cephes\const.obj" failed with exit status 2

This issue was discussed in comp.lang.c as [http://groups.google.com/group/comp.lang.c/browse_thread/thread/23303c76b160ca90/e6ec7db9b3287aaa%23e6ec7db9b3287aaa initializer is not a constant error ??]

[http://cvs.gnome.org/viewcvs/libxml2/trionan.c?rev=1.14&view=markup libxml2's trionan.c] has some ideas on how to do this stuff on many platforms.

get_lapack_funcs trying to get nonexistent numpy.ndarray attribute (Trac #3)

Original ticket http://projects.scipy.org/scipy/ticket/3 on 2006-02-01 by @lebedov, assigned to unknown.

When I attempted to decompose an elementary matrix using the svd() function in scipy.linalg.decomp, I encountered the following error:

/usr/lib/python2.4/site-packages/scipy/linalg/decomp.py in svd(a, compute_uv, overwrite_a)
    285     m,n = a1.shape
    286     overwrite_a = overwrite_a or (_datanotshared(a1,a))
--> 287     gesdd, = get_lapack_funcs(('gesdd',),(a1,))
    288     if gesdd.module_name[:7] == 'flapack':
    289         lwork = calc_lwork.gesdd(gesdd.prefix,m,n,compute_uv)[1]

/usr/lib/python2.4/site-packages/scipy/linalg/lapack.py in get_lapack_funcs(names, arrays, debug, force_clapack)
     44     ordering = []
     45     for i in range(len(arrays)):
---> 46         t = arrays[i].dtypechar
     47         if not _type_conv.has_key(t): t = 'd'
     48         ordering.append((t,i))

AttributeError: 'numpy.ndarray' object has no attribute 'dtypechar'

I am using scipy 0.4.4 with numpy 0.9.4 built to use the stock netlib BLAS/LAPACK 3.0.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.