[Scipy-svn] r3388 - in trunk/scipy: cluster/tests fftpack/tests integrate/tests interpolate/tests io/tests lib/blas/tests linalg/tests linsolve/umfpack/tests maxentropy/tests ndimage/tests odr/tests optimize/tests sandbox/arpack/tests sandbox/cdavid/tests sandbox/dhuard sandbox/exmplpackage/tests sandbox/exmplpackage/yyy/tests sandbox/fdfpack/tests sandbox/maskedarray/alternative_versions sandbox/maskedarray/tests sandbox/montecarlo/tests sandbox/multigrid/tests sandbox/numexpr/tests sandbox/pyem/tests sandbox/pyloess/tests sandbox/rbf/tests sandbox/spline/tests sandbox/svm/tests sandbox/timeseries/lib/tests sandbox/timeseries/tests signal/tests sparse/tests special/tests stats/models/tests stats/tests weave/tests

scipy-svn at scipy.org scipy-svn at scipy.org
Tue Oct 2 05:13:57 EDT 2007


Author: stefan
Date: 2007-10-02 04:00:27 -0500 (Tue, 02 Oct 2007)
New Revision: 3388

Modified:
   trunk/scipy/cluster/tests/test_vq.py
   trunk/scipy/fftpack/tests/test_basic.py
   trunk/scipy/fftpack/tests/test_helper.py
   trunk/scipy/fftpack/tests/test_pseudo_diffs.py
   trunk/scipy/integrate/tests/test_integrate.py
   trunk/scipy/integrate/tests/test_quadpack.py
   trunk/scipy/integrate/tests/test_quadrature.py
   trunk/scipy/interpolate/tests/test_fitpack.py
   trunk/scipy/interpolate/tests/test_interpolate.py
   trunk/scipy/io/tests/test_array_import.py
   trunk/scipy/io/tests/test_mio.py
   trunk/scipy/io/tests/test_mmio.py
   trunk/scipy/io/tests/test_npfile.py
   trunk/scipy/io/tests/test_recaster.py
   trunk/scipy/lib/blas/tests/test_blas.py
   trunk/scipy/linalg/tests/test_basic.py
   trunk/scipy/linalg/tests/test_blas.py
   trunk/scipy/linalg/tests/test_decomp.py
   trunk/scipy/linalg/tests/test_iterative.py
   trunk/scipy/linalg/tests/test_lapack.py
   trunk/scipy/linalg/tests/test_matfuncs.py
   trunk/scipy/linsolve/umfpack/tests/test_umfpack.py
   trunk/scipy/maxentropy/tests/test_maxentropy.py
   trunk/scipy/ndimage/tests/test_ndimage.py
   trunk/scipy/odr/tests/test_odr.py
   trunk/scipy/optimize/tests/test_cobyla.py
   trunk/scipy/optimize/tests/test_nonlin.py
   trunk/scipy/optimize/tests/test_optimize.py
   trunk/scipy/sandbox/arpack/tests/test_arpack.py
   trunk/scipy/sandbox/arpack/tests/test_speigs.py
   trunk/scipy/sandbox/cdavid/tests/test_autocorr.py
   trunk/scipy/sandbox/cdavid/tests/test_lpc.py
   trunk/scipy/sandbox/cdavid/tests/test_segmentaxis.py
   trunk/scipy/sandbox/dhuard/test_histogram.py
   trunk/scipy/sandbox/dhuard/test_stats.py
   trunk/scipy/sandbox/exmplpackage/tests/test_foo.py
   trunk/scipy/sandbox/exmplpackage/yyy/tests/test_yyy.py
   trunk/scipy/sandbox/fdfpack/tests/test_fdf.py
   trunk/scipy/sandbox/maskedarray/alternative_versions/test_mrecarray.py
   trunk/scipy/sandbox/maskedarray/tests/test_core.py
   trunk/scipy/sandbox/maskedarray/tests/test_extras.py
   trunk/scipy/sandbox/maskedarray/tests/test_morestats.py
   trunk/scipy/sandbox/maskedarray/tests/test_mrecords.py
   trunk/scipy/sandbox/maskedarray/tests/test_mstats.py
   trunk/scipy/sandbox/maskedarray/tests/test_subclassing.py
   trunk/scipy/sandbox/montecarlo/tests/test_dictsampler.py
   trunk/scipy/sandbox/montecarlo/tests/test_intsampler.py
   trunk/scipy/sandbox/multigrid/tests/test_adaptive.py
   trunk/scipy/sandbox/multigrid/tests/test_coarsen.py
   trunk/scipy/sandbox/multigrid/tests/test_relaxation.py
   trunk/scipy/sandbox/multigrid/tests/test_utils.py
   trunk/scipy/sandbox/numexpr/tests/test_numexpr.py
   trunk/scipy/sandbox/pyem/tests/test_densities.py
   trunk/scipy/sandbox/pyem/tests/test_examples.py
   trunk/scipy/sandbox/pyem/tests/test_gauss_mix.py
   trunk/scipy/sandbox/pyloess/tests/test_mpyloess.py
   trunk/scipy/sandbox/pyloess/tests/test_pyloess.py
   trunk/scipy/sandbox/rbf/tests/test_rbf.py
   trunk/scipy/sandbox/spline/tests/test_fitpack.py
   trunk/scipy/sandbox/spline/tests/test_spline.py
   trunk/scipy/sandbox/svm/tests/test_classification.py
   trunk/scipy/sandbox/svm/tests/test_dataset.py
   trunk/scipy/sandbox/svm/tests/test_kernel.py
   trunk/scipy/sandbox/svm/tests/test_libsvm.py
   trunk/scipy/sandbox/svm/tests/test_oneclass.py
   trunk/scipy/sandbox/svm/tests/test_regression.py
   trunk/scipy/sandbox/svm/tests/test_speed.py
   trunk/scipy/sandbox/timeseries/lib/tests/test_interpolate.py
   trunk/scipy/sandbox/timeseries/lib/tests/test_moving_funcs.py
   trunk/scipy/sandbox/timeseries/tests/test_dates.py
   trunk/scipy/sandbox/timeseries/tests/test_extras.py
   trunk/scipy/sandbox/timeseries/tests/test_timeseries.py
   trunk/scipy/sandbox/timeseries/tests/test_trecords.py
   trunk/scipy/signal/tests/test_signaltools.py
   trunk/scipy/signal/tests/test_wavelets.py
   trunk/scipy/sparse/tests/test_sparse.py
   trunk/scipy/special/tests/test_basic.py
   trunk/scipy/special/tests/test_spfun_stats.py
   trunk/scipy/stats/models/tests/test_bspline.py
   trunk/scipy/stats/models/tests/test_formula.py
   trunk/scipy/stats/models/tests/test_glm.py
   trunk/scipy/stats/models/tests/test_regression.py
   trunk/scipy/stats/models/tests/test_rlm.py
   trunk/scipy/stats/models/tests/test_utils.py
   trunk/scipy/stats/tests/test_distributions.py
   trunk/scipy/stats/tests/test_morestats.py
   trunk/scipy/stats/tests/test_stats.py
   trunk/scipy/weave/tests/test_ast_tools.py
   trunk/scipy/weave/tests/test_blitz_tools.py
   trunk/scipy/weave/tests/test_build_tools.py
   trunk/scipy/weave/tests/test_c_spec.py
   trunk/scipy/weave/tests/test_catalog.py
   trunk/scipy/weave/tests/test_ext_tools.py
   trunk/scipy/weave/tests/test_inline_tools.py
   trunk/scipy/weave/tests/test_numpy_scalar_spec.py
   trunk/scipy/weave/tests/test_scxx_dict.py
   trunk/scipy/weave/tests/test_scxx_object.py
   trunk/scipy/weave/tests/test_size_check.py
   trunk/scipy/weave/tests/test_slice_handler.py
   trunk/scipy/weave/tests/test_standard_array_spec.py
   trunk/scipy/weave/tests/test_wx_spec.py
Log:
Rename test classes to CapWords.


Modified: trunk/scipy/cluster/tests/test_vq.py
===================================================================
--- trunk/scipy/cluster/tests/test_vq.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/cluster/tests/test_vq.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -43,7 +43,7 @@
 
 LABEL1  = N.array([0, 1, 2, 2, 2, 2, 1, 2, 1, 1, 1])
 
-class test_vq(NumpyTestCase):
+class TestVq(NumpyTestCase):
     def check_py_vq(self, level=1):
         initc = N.concatenate(([[X[0]], [X[1]], [X[2]]]))
         code = initc.copy()
@@ -89,7 +89,7 @@
         else:
             print "== not testing C imp of vq (rank 1) =="
 
-class test_kmean(NumpyTestCase):
+class TestKMean(NumpyTestCase):
     def check_kmeans_simple(self, level=1):
         initc = N.concatenate(([[X[0]], [X[1]], [X[2]]]))
         code = initc.copy()

Modified: trunk/scipy/fftpack/tests/test_basic.py
===================================================================
--- trunk/scipy/fftpack/tests/test_basic.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/fftpack/tests/test_basic.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -90,7 +90,7 @@
             x1[0] = x[0]
     return direct_idft(x1).real
 
-class test_fft(NumpyTestCase):
+class TestFft(NumpyTestCase):
 
     def check_definition(self):
         x = [1,2,3,4+1j,1,2,3,4+2j]
@@ -162,7 +162,7 @@
             print ' (secs for %s calls)' % (repeat)
         sys.stdout.flush()
 
-class test_ifft(NumpyTestCase):
+class TestIfft(NumpyTestCase):
 
     def check_definition(self):
         x = [1,2,3,4+1j,1,2,3,4+2j]
@@ -237,7 +237,7 @@
             print ' (secs for %s calls)' % (repeat)
         sys.stdout.flush()
 
-class test_rfft(NumpyTestCase):
+class TestRfft(NumpyTestCase):
 
     def check_definition(self):
         x = [1,2,3,4,1,2,3,4]
@@ -292,7 +292,7 @@
             print ' (secs for %s calls)' % (repeat)
         sys.stdout.flush()
 
-class test_irfft(NumpyTestCase):
+class TestIrfft(NumpyTestCase):
 
     def check_definition(self):
         x = [1,2,3,4,1,2,3,4]
@@ -368,7 +368,7 @@
 
         sys.stdout.flush()
 
-class test_fftn(NumpyTestCase):
+class TestFftn(NumpyTestCase):
 
     def check_definition(self):
         x = [[1,2,3],[4,5,6],[7,8,9]]
@@ -529,7 +529,7 @@
 
         sys.stdout.flush()
 
-class test_ifftn(NumpyTestCase):
+class TestIfftn(NumpyTestCase):
 
     def check_definition(self):
         x = [[1,2,3],[4,5,6],[7,8,9]]

Modified: trunk/scipy/fftpack/tests/test_helper.py
===================================================================
--- trunk/scipy/fftpack/tests/test_helper.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/fftpack/tests/test_helper.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -22,7 +22,7 @@
 def random(size):
     return rand(*size)
 
-class test_fftshift(NumpyTestCase):
+class TestFFTShift(NumpyTestCase):
 
     def check_definition(self):
         x = [0,1,2,3,4,-4,-3,-2,-1]
@@ -39,7 +39,7 @@
             x = random((n,))
             assert_array_almost_equal(ifftshift(fftshift(x)),x)
 
-class test_fftfreq(NumpyTestCase):
+class TestFFTFreq(NumpyTestCase):
 
     def check_definition(self):
         x = [0,1,2,3,4,-4,-3,-2,-1]
@@ -49,7 +49,7 @@
         assert_array_almost_equal(10*fftfreq(10),x)
         assert_array_almost_equal(10*pi*fftfreq(10,pi),x)
 
-class test_rfftfreq(NumpyTestCase):
+class TestRFFTFreq(NumpyTestCase):
 
     def check_definition(self):
         x = [0,1,1,2,2,3,3,4,4]

Modified: trunk/scipy/fftpack/tests/test_pseudo_diffs.py
===================================================================
--- trunk/scipy/fftpack/tests/test_pseudo_diffs.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/fftpack/tests/test_pseudo_diffs.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -77,7 +77,7 @@
     return ifft(fft(x)*exp(k*a)).real
 
 
-class test_diff(NumpyTestCase):
+class TestDiff(NumpyTestCase):
 
     def check_definition(self):
         for n in [16,17,64,127,32]:
@@ -216,7 +216,7 @@
             print ' (secs for %s calls)' % (repeat)
 
 
-class test_tilbert(NumpyTestCase):
+class TestTilbert(NumpyTestCase):
 
     def check_definition(self):
         for h in [0.1,0.5,1,5.5,10]:
@@ -277,7 +277,7 @@
             sys.stdout.flush()
             print ' (secs for %s calls)' % (repeat)
 
-class test_itilbert(NumpyTestCase):
+class TestITilbert(NumpyTestCase):
 
     def check_definition(self):
         for h in [0.1,0.5,1,5.5,10]:
@@ -291,7 +291,7 @@
                 assert_array_almost_equal(itilbert(sin(2*x),h),
                                           direct_itilbert(sin(2*x),h))
 
-class test_hilbert(NumpyTestCase):
+class TestHilbert(NumpyTestCase):
 
     def check_definition(self):
         for n in [16,17,64,127]:
@@ -360,7 +360,7 @@
             sys.stdout.flush()
             print ' (secs for %s calls)' % (repeat)
 
-class test_ihilbert(NumpyTestCase):
+class TestIHilbert(NumpyTestCase):
 
     def check_definition(self):
         for n in [16,17,64,127]:
@@ -381,7 +381,7 @@
             y2 = itilbert(f,h=10)
             assert_array_almost_equal (y,y2)
 
-class test_shift(NumpyTestCase):
+class TestShift(NumpyTestCase):
 
     def check_definition(self):
         for n in [18,17,64,127,32,2048,256]:

Modified: trunk/scipy/integrate/tests/test_integrate.py
===================================================================
--- trunk/scipy/integrate/tests/test_integrate.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/integrate/tests/test_integrate.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -14,7 +14,7 @@
 from scipy.integrate import odeint
 restore_path()
 
-class test_odeint(NumpyTestCase):
+class TestODEInt(NumpyTestCase):
     """ Test odeint: free vibration of a simple oscillator
         m \ddot{u} + k u = 0, u(0) = u_0 \dot{u}(0) \dot{u}_0
 

Modified: trunk/scipy/integrate/tests/test_quadpack.py
===================================================================
--- trunk/scipy/integrate/tests/test_quadpack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/integrate/tests/test_quadpack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -10,7 +10,7 @@
     if errTol is not None:
         assert err < errTol, (err, errTol)
 
-class test_quad(NumpyTestCase):
+class TestQuad(NumpyTestCase):
     def check_typical(self):
         # 1) Typical function with two extra arguments:
         def myfunc(x,n,z):       # Bessel function integrand

Modified: trunk/scipy/integrate/tests/test_quadrature.py
===================================================================
--- trunk/scipy/integrate/tests/test_quadrature.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/integrate/tests/test_quadrature.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -7,7 +7,7 @@
 from scipy.integrate import quadrature, romberg, romb
 restore_path()
 
-class test_quadrature(NumpyTestCase):
+class TestQuadrature(NumpyTestCase):
     def quad(self, x, a, b, args):
         raise NotImplementedError
 

Modified: trunk/scipy/interpolate/tests/test_fitpack.py
===================================================================
--- trunk/scipy/interpolate/tests/test_fitpack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/interpolate/tests/test_fitpack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -22,7 +22,7 @@
      RectBivariateSpline
 restore_path()
 
-class test_UnivariateSpline(NumpyTestCase):
+class TestUnivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,2,3]
         y = [3,3,3]
@@ -41,7 +41,7 @@
         assert_almost_equal(lut.get_residual(),0.0)
         assert_array_almost_equal(lut([1,1.5,2]),[0,1,2])
 
-class test_LSQBivariateSpline(NumpyTestCase):
+class TestLSQBivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,1,1,2,2,2,3,3,3]
         y = [1,2,3,1,2,3,1,2,3]
@@ -54,7 +54,7 @@
         #print lut.get_coeffs()
         #print lut.get_residual()
 
-class test_SmoothBivariateSpline(NumpyTestCase):
+class TestSmoothBivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,1,1,2,2,2,3,3,3]
         y = [1,2,3,1,2,3,1,2,3]
@@ -75,7 +75,7 @@
         assert_almost_equal(lut.get_residual(),0.0)
         assert_array_almost_equal(lut([1,1.5,2],[1,1.5]),[[0,0],[1,1],[2,2]])
 
-class test_RectBivariateSpline(NumpyTestCase):
+class TestRectBivariateSpline(NumpyTestCase):
     def check_defaults(self):
         x = array([1,2,3,4,5])
         y = array([1,2,3,4,5])

Modified: trunk/scipy/interpolate/tests/test_interpolate.py
===================================================================
--- trunk/scipy/interpolate/tests/test_interpolate.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/interpolate/tests/test_interpolate.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -7,18 +7,18 @@
 restore_path()
 
 
-class test_interp2d(NumpyTestCase):
+class TestInterp2D(NumpyTestCase):
     def test_interp2d(self):
         y, x = mgrid[0:pi:20j, 0:pi:21j]
         z = sin(x+y)
         I = interp2d(x, y, z)
         assert_almost_equal(I(1.0, 1.0), sin(2.0), decimal=2)
 
-	v,u = ogrid[0:pi:24j, 0:pi:25j]
+        v,u = ogrid[0:pi:24j, 0:pi:25j]
         assert_almost_equal(I(u.ravel(), v.ravel()), sin(v+u), decimal=2)
 
 
-class test_interp1d(NumpyTestCase):
+class TestInterp1D(NumpyTestCase):
 
     def setUp(self):
         self.x10 = np.arange(10.)

Modified: trunk/scipy/io/tests/test_array_import.py
===================================================================
--- trunk/scipy/io/tests/test_array_import.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/io/tests/test_array_import.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -16,7 +16,7 @@
 import numpy.oldnumeric as N
 import tempfile
 
-class test_numpyio(NumpyTestCase):
+class TestNumpyio(NumpyTestCase):
     def check_basic(self):
         # Generate some data
         a = 255*rand(20)
@@ -34,7 +34,7 @@
         assert(N.product(a.astype(N.Int16) == b,axis=0))
         os.remove(fname)
 
-class test_read_array(NumpyTestCase):
+class TestReadArray(NumpyTestCase):
     def check_complex(self):
         a = rand(13,4) + 1j*rand(13,4)
         fname = tempfile.mktemp('.dat')

Modified: trunk/scipy/io/tests/test_mio.py
===================================================================
--- trunk/scipy/io/tests/test_mio.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/io/tests/test_mio.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -23,9 +23,9 @@
 
 test_data_path = os.path.join(os.path.dirname(__file__), './data')
 
-class test_mio_array(NumpyTestCase):    
+class TestMIOArray(NumpyTestCase):
     def __init__(self, *args, **kwargs):
-        super(test_mio_array, self).__init__(*args, **kwargs)
+        super(TestMIOArray, self).__init__(*args, **kwargs)
 
     def _check_level(self, label, expected, actual):
         """ Check one level of a potentially nested object / list """

Modified: trunk/scipy/io/tests/test_mmio.py
===================================================================
--- trunk/scipy/io/tests/test_mmio.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/io/tests/test_mmio.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 import scipy
 restore_path()
 
-class test_mmio_array(NumpyTestCase):
+class TestMMIOArray(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2],[3,4]]
@@ -136,7 +136,7 @@
     5     5   1.200e+01
 '''
 
-class test_mmio_coordinate(NumpyTestCase):
+class TestMMIOCoordinate(NumpyTestCase):
 
     def check_simple_todense(self):
         fn = mktemp()

Modified: trunk/scipy/io/tests/test_npfile.py
===================================================================
--- trunk/scipy/io/tests/test_npfile.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/io/tests/test_npfile.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from io.npfile import npfile, sys_endian_code
 restore_path()
 
-class test_npfile(NumpyTestCase):
+class TestNpFile(NumpyTestCase):
 
     def test_init(self):
         fd, fname = mkstemp()

Modified: trunk/scipy/io/tests/test_recaster.py
===================================================================
--- trunk/scipy/io/tests/test_recaster.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/io/tests/test_recaster.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -10,7 +10,7 @@
 except:
     pass
 
-class test_recaster(NumpyTestCase):
+class TestRecaster(NumpyTestCase):
     
     def test_init(self):
         # Setting sctype_list

Modified: trunk/scipy/lib/blas/tests/test_blas.py
===================================================================
--- trunk/scipy/lib/blas/tests/test_blas.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/lib/blas/tests/test_blas.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -24,7 +24,7 @@
 from blas import get_blas_funcs
 restore_path()
 
-class test_cblas1_simple(NumpyTestCase):
+class TestCBLAS1Simple(NumpyTestCase):
 
     def check_axpy(self):
         for p in 'sd':
@@ -36,7 +36,7 @@
             if f is None: continue
             assert_array_almost_equal(f([1,2j,3],[2,-1,3],a=5),[7,10j-1,18])
 
-class test_fblas1_simple(NumpyTestCase):
+class TestFBLAS1Simple(NumpyTestCase):
 
     def check_axpy(self):
         for p in 'sd':
@@ -122,7 +122,7 @@
             assert_equal(f([-5,4+3j,6]),1)
     #XXX: need tests for rot,rotm,rotg,rotmg
 
-class test_fblas2_simple(NumpyTestCase):
+class TestFBLAS2Simple(NumpyTestCase):
 
     def check_gemv(self):
         for p in 'sd':
@@ -170,7 +170,7 @@
                                            2j,
                                            3j],[3j,4j]),[[6,8],[12,16],[18,24]])
 
-class test_fblas3_simple(NumpyTestCase):
+class TestFBLAS3Simple(NumpyTestCase):
 
     def check_gemm(self):
         for p in 'sd':
@@ -195,7 +195,7 @@
             assert_array_almost_equal(f(1,[[1,2]],[[3],[4]]),[[11]])
             assert_array_almost_equal(f(1,[[1,2],[1,2]],[[3],[4]]),[[11],[11]])
 
-class test_blas(NumpyTestCase):
+class TestBLAS(NumpyTestCase):
 
     def check_blas(self):
         a = array([[1,1,1]])

Modified: trunk/scipy/linalg/tests/test_basic.py
===================================================================
--- trunk/scipy/linalg/tests/test_basic.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_basic.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -39,7 +39,7 @@
     data = add.outer(data,data)
     return data
 
-class test_solve_banded(NumpyTestCase):
+class TestSolveBanded(NumpyTestCase):
 
     def check_simple(self):
 
@@ -54,7 +54,7 @@
             x = solve_banded((l,u),ab,b)
             assert_array_almost_equal(numpy.dot(a,x),b)
 
-class test_solve(NumpyTestCase):
+class TestSolve(NumpyTestCase):
 
     def check_20Feb04_bug(self):
         a = [[1,1],[1.0,0]] # ok
@@ -193,7 +193,7 @@
 
             print '   (secs for %s calls)' % (repeat)
 
-class test_inv(NumpyTestCase):
+class TestInv(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2],[3,4]]
@@ -265,7 +265,7 @@
             print '   (secs for %s calls)' % (repeat)
 
 
-class test_det(NumpyTestCase):
+class TestDet(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2],[3,4]]
@@ -340,7 +340,7 @@
     b1 = dot(at, b)
     return solve(a1, b1)
 
-class test_lstsq(NumpyTestCase):
+class TestLstsq(NumpyTestCase):
     def check_random_overdet_large(self):
         #bug report: Nils Wagner
         n = 200
@@ -510,7 +510,7 @@
         y = hankel([1,2,3],[3,4,5])
         assert_array_equal(y,[[1,2,3],[2,3,4],[3,4,5]])
 
-class test_pinv(NumpyTestCase):
+class TestPinv(NumpyTestCase):
 
     def check_simple(self):
         a=array([[1,2,3],[4,5,6.],[7,8,10]])

Modified: trunk/scipy/linalg/tests/test_blas.py
===================================================================
--- trunk/scipy/linalg/tests/test_blas.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_blas.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -24,7 +24,7 @@
 from linalg import cblas
 restore_path()
 
-class test_cblas1_simple(NumpyTestCase):
+class TestCBLAS1Simple(NumpyTestCase):
 
     def check_axpy(self):
         for p in 'sd':
@@ -36,7 +36,7 @@
             if f is None: continue
             assert_array_almost_equal(f(5,[1,2j,3],[2,-1,3]),[7,10j-1,18])
 
-class test_fblas1_simple(NumpyTestCase):
+class TestFBLAS1Simple(NumpyTestCase):
 
     def check_axpy(self):
         for p in 'sd':
@@ -128,7 +128,7 @@
             assert_equal(f([-5,4+3j,6]),1)
     #XXX: need tests for rot,rotm,rotg,rotmg
 
-class test_fblas2_simple(NumpyTestCase):
+class TestFBLAS2Simple(NumpyTestCase):
 
     def check_gemv(self):
         for p in 'sd':
@@ -176,7 +176,7 @@
                                            2j,
                                            3j],[3j,4j]),[[6,8],[12,16],[18,24]])
 
-class test_fblas3_simple(NumpyTestCase):
+class TestFBLAS3Simple(NumpyTestCase):
 
     def check_gemm(self):
         for p in 'sd':
@@ -190,7 +190,7 @@
             assert_array_almost_equal(f(3j,[3-4j],[-4]),[[-48-36j]])
             assert_array_almost_equal(f(3j,[3-4j],[-4],3,[5j]),[-48-21j])
 
-class test_blas(NumpyTestCase):
+class TestBLAS(NumpyTestCase):
 
     def check_fblas(self):
         if hasattr(fblas,'empty_module'):

Modified: trunk/scipy/linalg/tests/test_decomp.py
===================================================================
--- trunk/scipy/linalg/tests/test_decomp.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_decomp.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -31,7 +31,7 @@
 def random(size):
     return rand(*size)
 
-class test_eigvals(NumpyTestCase):
+class TestEigVals(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2,3],[1,2,3],[2,5,6]]
@@ -77,7 +77,7 @@
 
             print '   (secs for %s calls)' % (repeat)
 
-class test_eig(NumpyTestCase):
+class TestEig(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2,3],[1,2,3],[2,5,6]]
@@ -151,7 +151,7 @@
             if all(isfinite(res[:, i])):
                 assert_array_almost_equal(res[:, i], 0)
 
-class test_eig_banded(NumpyTestCase):
+class TestEigBanded(NumpyTestCase):
 
     def __init__(self, *args):
         NumpyTestCase.__init__(self, *args)
@@ -436,7 +436,7 @@
 
 
 
-class test_lu(NumpyTestCase):
+class TestLU(NumpyTestCase):
 
     def __init__(self, *args, **kw):
         NumpyTestCase.__init__(self, *args, **kw)
@@ -519,7 +519,7 @@
         self.med = self.vrect.astype(float32)
         self.cmed = self.vrect.astype(complex64)
 
-class test_lu_solve(NumpyTestCase):
+class TestLuSolve(NumpyTestCase):
     def check_lu(self):
         a = random((10,10))
         b = random((10,))
@@ -531,7 +531,7 @@
 
         assert_array_equal(x1,x2)
 
-class test_svd(NumpyTestCase):
+class TestSvd(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2,3],[1,20,3],[2,5,6]]
@@ -604,7 +604,7 @@
                 for i in range(len(s)): sigma[i,i] = s[i]
                 assert_array_almost_equal(dot(dot(u,sigma),vh),a)
 
-class test_svdvals(NumpyTestCase):
+class TestSVDVals(NumpyTestCase):
 
     def check_simple(self):
         a = [[1,2,3],[1,2,3],[2,5,6]]
@@ -642,12 +642,12 @@
         assert len(s)==2
         assert s[0]>=s[1]
 
-class test_diagsvd(NumpyTestCase):
+class TestDiagsvd(NumpyTestCase):
 
     def check_simple(self):
         assert_array_almost_equal(diagsvd([1,0,0],3,3),[[1,0,0],[0,0,0],[0,0,0]])
 
-class test_cholesky(NumpyTestCase):
+class TestCholesky(NumpyTestCase):
 
     def check_simple(self):
         a = [[8,2,3],[2,9,3],[3,3,6]]
@@ -696,7 +696,7 @@
             assert_array_almost_equal(cholesky(a,lower=1),c)
 
 
-class test_qr(NumpyTestCase):
+class TestQr(NumpyTestCase):
 
     def check_simple(self):
         a = [[8,2,3],[2,9,3],[5,3,6]]
@@ -779,7 +779,7 @@
             assert_array_almost_equal(dot(conj(transpose(q)),q),identity(n))
             assert_array_almost_equal(dot(q,r),a)
 
-class test_rq(NumpyTestCase):
+class TestRq(NumpyTestCase):
 
     def check_simple(self):
         a = [[8,2,3],[2,9,3],[5,3,6]]
@@ -844,7 +844,7 @@
 transp = transpose
 any = sometrue
 
-class test_schur(NumpyTestCase):
+class TestSchur(NumpyTestCase):
 
     def check_simple(self):
         a = [[8,12,3],[2,9,3],[10,3,6]]
@@ -856,7 +856,7 @@
         tc2,zc2 = rsf2csf(tc,zc)
         assert_array_almost_equal(dot(dot(zc2,tc2),transp(conj(zc2))),a)
 
-class test_hessenberg(NumpyTestCase):
+class TestHessenberg(NumpyTestCase):
 
     def check_simple(self):
         a = [[-149, -50,-154],
@@ -905,7 +905,7 @@
 
 
 
-class test_datanotshared(NumpyTestCase):
+class TestDatanotshared(NumpyTestCase):
     
     def check_datanotshared(self):
         from scipy.linalg.decomp import _datanotshared

Modified: trunk/scipy/linalg/tests/test_iterative.py
===================================================================
--- trunk/scipy/linalg/tests/test_iterative.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_iterative.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -29,7 +29,7 @@
     res = b-dot(A,x)
     #print "||A.x - b|| = " + str(norm(dot(A,x)-b))
 
-class test_iterative_solvers(NumpyTestCase):
+class TestIterativeSolvers(NumpyTestCase):
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
         self.setUp()

Modified: trunk/scipy/linalg/tests/test_lapack.py
===================================================================
--- trunk/scipy/linalg/tests/test_lapack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_lapack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -20,7 +20,7 @@
 from linalg import clapack
 restore_path()
 
-class test_flapack_simple(NumpyTestCase):
+class TestFlapackSimple(NumpyTestCase):
 
     def check_gebal(self):
         a = [[1,2,3],[4,5,6],[7,8,9]]
@@ -52,7 +52,7 @@
             ht,tau,info = f(a)
             assert not info,`info`
 
-class test_lapack(NumpyTestCase):
+class TestLapack(NumpyTestCase):
 
     def check_flapack(self):
         if hasattr(flapack,'empty_module'):

Modified: trunk/scipy/linalg/tests/test_matfuncs.py
===================================================================
--- trunk/scipy/linalg/tests/test_matfuncs.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linalg/tests/test_matfuncs.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -25,7 +25,7 @@
 from linalg import signm,logm,funm, sqrtm, expm, expm2, expm3
 restore_path()
 
-class test_signm(NumpyTestCase):
+class TestSignM(NumpyTestCase):
 
     def check_nils(self):
         a = array([[ 29.2, -24.2,  69.5,  49.8,   7. ],
@@ -67,7 +67,7 @@
         r = signm(a)
         #XXX: what would be the correct result?
 
-class test_logm(NumpyTestCase):
+class TestLogM(NumpyTestCase):
 
     def check_nils(self):
         a = array([[ -2.,  25.,   0.,   0.,   0.,   0.,   0.],
@@ -81,7 +81,7 @@
         logm(m)
 
 
-class test_sqrtm(NumpyTestCase):
+class TestSqrtM(NumpyTestCase):
     def check_bad(self):
         # See http://www.maths.man.ac.uk/~nareports/narep336.ps.gz
         e = 2**-5
@@ -98,7 +98,7 @@
         esa = sqrtm(a)
         assert_array_almost_equal(dot(esa,esa),a)
 
-class test_expm(NumpyTestCase):
+class TestExpM(NumpyTestCase):
     def check_zero(self):
         a = array([[0.,0],[0,0]])
         assert_array_almost_equal(expm(a),[[1,0],[0,1]])

Modified: trunk/scipy/linsolve/umfpack/tests/test_umfpack.py
===================================================================
--- trunk/scipy/linsolve/umfpack/tests/test_umfpack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/linsolve/umfpack/tests/test_umfpack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -18,7 +18,7 @@
 
 restore_path()
 
-class test_solvers(NumpyTestCase):
+class TestSolvers(NumpyTestCase):
     """Tests inverting a sparse linear system"""
     
     def check_solve_complex_without_umfpack(self):
@@ -104,7 +104,7 @@
 
 
         
-class test_factorization(NumpyTestCase):
+class TestFactorization(NumpyTestCase):
     """Tests factorizing a sparse linear system"""
     
     def check_complex_lu(self):

Modified: trunk/scipy/maxentropy/tests/test_maxentropy.py
===================================================================
--- trunk/scipy/maxentropy/tests/test_maxentropy.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/maxentropy/tests/test_maxentropy.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -16,7 +16,7 @@
 import unittest
 
 
-class test_maxentropy(NumpyTestCase):
+class TestMaxentropy(NumpyTestCase):
     """Test whether logsumexp() function correctly handles large
     inputs.
     """

Modified: trunk/scipy/ndimage/tests/test_ndimage.py
===================================================================
--- trunk/scipy/ndimage/tests/test_ndimage.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/ndimage/tests/test_ndimage.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -66,7 +66,7 @@
     return math.sqrt(t)
 
 
-class test_ndimage(NumpyTestCase):
+class TestNdimage(NumpyTestCase):
 
     def setUp(self):
         # list of numarray data types

Modified: trunk/scipy/odr/tests/test_odr.py
===================================================================
--- trunk/scipy/odr/tests/test_odr.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/odr/tests/test_odr.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from scipy.odr import Data, Model, ODR, RealData, odr_stop
 
 
-class test_odr(NumpyTestCase):
+class TestODR(NumpyTestCase):
 
     # Explicit Example
 

Modified: trunk/scipy/optimize/tests/test_cobyla.py
===================================================================
--- trunk/scipy/optimize/tests/test_cobyla.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/optimize/tests/test_cobyla.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -6,7 +6,7 @@
 restore_path()
 import math
 
-class test_cobyla(NumpyTestCase):
+class TestCobyla(NumpyTestCase):
     def check_simple(self, level=1):
 
         function = lambda x: x[0]**2 + abs(x[1])**3

Modified: trunk/scipy/optimize/tests/test_nonlin.py
===================================================================
--- trunk/scipy/optimize/tests/test_nonlin.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/optimize/tests/test_nonlin.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -25,7 +25,7 @@
 
     return tuple(f.flat)
 
-class test_nonlin(NumpyTestCase):
+class TestNonlin(NumpyTestCase):
     """ Test case for a simple constrained entropy maximization problem
     (the machine translation example of Berger et al in
     Computational Linguistics, vol 22, num 1, pp 39--72, 1996.)

Modified: trunk/scipy/optimize/tests/test_optimize.py
===================================================================
--- trunk/scipy/optimize/tests/test_optimize.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/optimize/tests/test_optimize.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -13,7 +13,7 @@
 
 from math import sin, cos, pow
 
-class test_optimize(NumpyTestCase):
+class TestOptimize(NumpyTestCase):
     """ Test case for a simple constrained entropy maximization problem
     (the machine translation example of Berger et al in
     Computational Linguistics, vol 22, num 1, pp 39--72, 1996.)
@@ -143,7 +143,7 @@
 
 
 
-class test_tnc(NumpyTestCase):
+class TestTnc(NumpyTestCase):
     """TNC non-linear optimization.
 
     These tests are taken from Prof. K. Schittkowski's test examples

Modified: trunk/scipy/sandbox/arpack/tests/test_arpack.py
===================================================================
--- trunk/scipy/sandbox/arpack/tests/test_arpack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/arpack/tests/test_arpack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -19,7 +19,7 @@
 import numpy 
 from scipy.linalg import eig,eigh,norm
 
-class test_eigen_nonsymmetric(NumpyTestCase):
+class TestEigenNonsymmetric(NumpyTestCase):
 
     def get_a1(self,typ):
         mat=numpy.array([[-2., -8.,  1.,  2., -5.],
@@ -121,7 +121,7 @@
 
 
 
-class test_eigen_complex_nonsymmetric(NumpyTestCase):
+class TestEigenComplexNonsymmetric(NumpyTestCase):
 
     def get_a1(self,typ):
         mat=numpy.array([[-2., -8.,  1.,  2., -5.],
@@ -218,7 +218,7 @@
 
 
     
-class test_eigen_symmetric(NumpyTestCase):
+class TestEigenSymmetric(NumpyTestCase):
 
     def get_a1(self,typ):
         mat_a1=numpy.array([[ 2.,  0.,  0., -1.,  0., -1.],
@@ -290,7 +290,7 @@
             self.end_eigenvalues(typ,k)
     
 
-class test_eigen_complex_symmetric(NumpyTestCase):
+class TestEigenComplexSymmetric(NumpyTestCase):
 
     def get_a1(self,typ):
         mat_a1=numpy.array([[ 2.,  0.,  0., -1.,  0., -1.],

Modified: trunk/scipy/sandbox/arpack/tests/test_speigs.py
===================================================================
--- trunk/scipy/sandbox/arpack/tests/test_speigs.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/arpack/tests/test_speigs.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 
 import numpy as N
 
-class test_eigs(NumpyTestCase):
+class TestEigs(NumpyTestCase):
     def test(self):
         maxn=15                # Dimension of square matrix to be solved
         # Use a PDP^-1 factorisation to construct matrix with known
@@ -36,7 +36,7 @@
         assert_array_almost_equal(calc_vecs,  N.array(vecs)[:,0:nev], decimal=7)
 
 
-# class test_geneigs(NumpyTestCase):
+# class TestGeneigs(NumpyTestCase):
 #     def test(self):
 #         import pickle
 #         import scipy.linsolve

Modified: trunk/scipy/sandbox/cdavid/tests/test_autocorr.py
===================================================================
--- trunk/scipy/sandbox/cdavid/tests/test_autocorr.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/cdavid/tests/test_autocorr.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -42,7 +42,7 @@
 
 # This class tests the C functions directly. This is more a debugging tool
 # that a test case, as the tested functions are not part of the public API
-class test_ctype_1d(NumpyTestCase):
+class TestCType1D(NumpyTestCase):
     def check_contiguous_double(self):
         # double test
         xt      = xc1
@@ -85,7 +85,7 @@
         assert_array_equal(yt, yr)
 
 # Test autocorrelation for rank 1 arrays
-class test_autocorr_1d(NumpyTestCase):
+class TestAutoCorr1D(NumpyTestCase):
     def check_contiguous_double(self):
         # double test
         xt      = xc1
@@ -131,7 +131,7 @@
 # with rank 2 arrays. This will be used in the above test cases;
 # this function implements the expected behaviour of the public 
 # autocorr function.
-class test_autocorr_py(NumpyTestCase):
+class TestAutoCorrPy(NumpyTestCase):
     def check_full(self):
         xt      = xc
         axis    = -1
@@ -179,7 +179,7 @@
             assert_array_equal(tmp[center:center+1+lag], yt[:, i])
 
 # Test autocorrelation for rank 2 arrays
-class test_autocorr_2d(NumpyTestCase):
+class TestAutoCorr2D(NumpyTestCase):
     def check_double_full(self):
         # C, axis 1 test
         xt      = xc
@@ -291,7 +291,7 @@
         yr      = autocorr_py(xt, lag, axis = axis)
         assert_array_equal(yt, yr)
 
-class test_autocorr_fft(NumpyTestCase):
+class TestAutoCorrFFT(NumpyTestCase):
     n   = 5
     d   = 3
     def check_nextpow2(self):
@@ -347,7 +347,7 @@
 if __name__ == "__main__":
     NumpyTest().run()
 
-#class test_autocorr_2d(NumpyTestCase):
+#class TestAutocorr2d(NumpyTestCase):
 #    def check_double(self):
 #        # C, axis 1 test
 #        xt      = xc

Modified: trunk/scipy/sandbox/cdavid/tests/test_lpc.py
===================================================================
--- trunk/scipy/sandbox/cdavid/tests/test_lpc.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/cdavid/tests/test_lpc.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -41,7 +41,7 @@
 # This class uses lpc in 1 dimension and loop on the axis. Is tested against
 # a direct matrix inversion of the autocorrelation matrix (using matrix inverse 
 # instead of levinson durbin)
-class test_lpc_py(NumpyTestCase):
+class TestLpcPy(NumpyTestCase):
     def check_float(self):
         # Axis -1
         xt      = xcf
@@ -100,7 +100,7 @@
 
         assert_array_almost_equal(tmp, a)
 
-class test_lpc(NumpyTestCase):
+class TestLpc(NumpyTestCase):
     def check_float(self):
         # Axis -1 
         xt      = xcf

Modified: trunk/scipy/sandbox/cdavid/tests/test_segmentaxis.py
===================================================================
--- trunk/scipy/sandbox/cdavid/tests/test_segmentaxis.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/cdavid/tests/test_segmentaxis.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -14,7 +14,7 @@
 # # import modules that are located in the same directory as this file.
 # restore_path()
 
-class test_segment(NumpyTestCase):
+class TestSegment(NumpyTestCase):
     def check_simple(self):
         assert_equal(segment_axis(N.arange(6),length=3,overlap=0),
                          N.array([[0,1,2],[3,4,5]]))

Modified: trunk/scipy/sandbox/dhuard/test_histogram.py
===================================================================
--- trunk/scipy/sandbox/dhuard/test_histogram.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/dhuard/test_histogram.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -4,7 +4,7 @@
 import numpy as np
 from numpy.random import rand
 
-class test_histogram1d_functions(NumpyTestCase):
+class TestHistogram1DFunctions(NumpyTestCase):
     def check_consistency(self):
         n = 100
         r = rand(n)*12-1
@@ -15,7 +15,7 @@
         assert_array_equal(a,b)
         assert_array_equal(c,b)
         
-class test_histogram(NumpyTestCase):
+class TestHistogram(NumpyTestCase):
     def check_simple(self):
         n=100
         v=rand(n)

Modified: trunk/scipy/sandbox/dhuard/test_stats.py
===================================================================
--- trunk/scipy/sandbox/dhuard/test_stats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/dhuard/test_stats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,35 +11,35 @@
 np.random.seed(2)
 r = np.random.randn(N)
 
-class test_empiricalcdf(NumpyTestCase):
-	def check_hazen(self):
-		
-		f = stats.empiricalcdf(r)
-		assert_equal(len(f), len(r))
-		assert_array_equal(np.argsort(r), np.argsort(f))
-		assert_array_equal(np.sort(f), (np.arange(N)+.5)/N) 
-		
-	def check_weibull(self):
-		f = stats.empiricalcdf(r, 'weibull')
-		assert_array_equal(np.sort(f), (np.arange(N)+1.)/(N+1.))
+class TestEmpiricalCDF(NumpyTestCase):
+        def check_hazen(self):
 
-	def check_california(self):
-		f = stats.empiricalcdf(r, 'california')
-		assert_array_equal(np.sort(f), (np.arange(N))/float(N))
-		
-class test_scoreatpercentile(NumpyTestCase):
-	def check_simple(self):
-		r = np.random.randn(1000)
-		s = stats.scoreatpercentile(r, [15.9,50,84.1])
-		assert_array_almost_equal(s, [-1,0,1], 1)
-		
-class test_percentileofscore(NumpyTestCase):
-	def check_simple(self):
-		r = np.random.randn(3000)
-		p = stats.percentileofscore(r, [-1,0,1])
-		assert_array_almost_equal(p, [15.9, 50, 84.1], 0)
-		
-		
-		
+                f = stats.empiricalcdf(r)
+                assert_equal(len(f), len(r))
+                assert_array_equal(np.argsort(r), np.argsort(f))
+                assert_array_equal(np.sort(f), (np.arange(N)+.5)/N)
+
+        def check_weibull(self):
+                f = stats.empiricalcdf(r, 'weibull')
+                assert_array_equal(np.sort(f), (np.arange(N)+1.)/(N+1.))
+
+        def check_california(self):
+                f = stats.empiricalcdf(r, 'california')
+                assert_array_equal(np.sort(f), (np.arange(N))/float(N))
+
+class TestScoreAtPercentile(NumpyTestCase):
+        def check_simple(self):
+                r = np.random.randn(1000)
+                s = stats.scoreatpercentile(r, [15.9,50,84.1])
+                assert_array_almost_equal(s, [-1,0,1], 1)
+
+class TestPercentileOfScore(NumpyTestCase):
+        def check_simple(self):
+                r = np.random.randn(3000)
+                p = stats.percentileofscore(r, [-1,0,1])
+                assert_array_almost_equal(p, [15.9, 50, 84.1], 0)
+
+
+
 if __name__ == '__main__':
-	NumpyTest().run()
+        NumpyTest().run()

Modified: trunk/scipy/sandbox/exmplpackage/tests/test_foo.py
===================================================================
--- trunk/scipy/sandbox/exmplpackage/tests/test_foo.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/exmplpackage/tests/test_foo.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -22,12 +22,12 @@
 from exmplpackage.foo import *
 del sys.path[0]
 
-class test_foo_bar(NumpyTestCase):
+class TestFooBar(NumpyTestCase):
 
     def check_simple(self, level=1):
         assert exmplpackage_foo_bar()=='Hello from exmplpackage_foo_bar'
 
-class test_foo_gun(NumpyTestCase):
+class TestFooGun(NumpyTestCase):
 
     def check_simple(self, level=1):
         assert foo_gun()=='Hello from foo_gun'

Modified: trunk/scipy/sandbox/exmplpackage/yyy/tests/test_yyy.py
===================================================================
--- trunk/scipy/sandbox/exmplpackage/yyy/tests/test_yyy.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/exmplpackage/yyy/tests/test_yyy.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -7,7 +7,7 @@
 from yyy import fun
 del sys.path[0]
 
-class test_fun(NumpyTestCase):
+class TestFun(NumpyTestCase):
     def check_simple(self, level=1):
         assert fun()=='Hello from yyy.fun'
     #...

Modified: trunk/scipy/sandbox/fdfpack/tests/test_fdf.py
===================================================================
--- trunk/scipy/sandbox/fdfpack/tests/test_fdf.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/fdfpack/tests/test_fdf.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -7,7 +7,7 @@
 
 from numpy import arange, add, array,sin,cos,pi
 
-class test_diff(NumpyTestCase):
+class TestDiff(NumpyTestCase):
     def check_1(self):
         for n in [64,100,125,4000]:
             x = arange(n)*2*pi/n

Modified: trunk/scipy/sandbox/maskedarray/alternative_versions/test_mrecarray.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/alternative_versions/test_mrecarray.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/alternative_versions/test_mrecarray.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -26,7 +26,7 @@
 
 
 #..............................................................................
-class test_mrecarray(NumpyTestCase):
+class TestMrecarray(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)

Modified: trunk/scipy/sandbox/maskedarray/tests/test_core.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_core.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_core.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -27,7 +27,7 @@
 pi = numpy.pi
 
 #..............................................................................
-class test_ma(NumpyTestCase):
+class TestMa(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -786,7 +786,7 @@
         
 #...............................................................................
         
-class test_ufuncs(NumpyTestCase):
+class TestUfuncs(NumpyTestCase):
     "Test class for the application of ufuncs on MaskedArrays."
     def setUp(self):
         "Base data definition."
@@ -848,7 +848,7 @@
 
 #...............................................................................
 
-class test_array_methods(NumpyTestCase):
+class TestArrayMethods(NumpyTestCase):
     "Test class for miscellaneous MaskedArrays methods."
     def setUp(self):
         "Base data definition."

Modified: trunk/scipy/sandbox/maskedarray/tests/test_extras.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_extras.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_extras.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -23,7 +23,7 @@
 import maskedarray.extras
 from maskedarray.extras import *
 
-class test_average(NumpyTestCase):        
+class TestAverage(NumpyTestCase):        
     "Several tests of average. Why so many ? Good point..."
     def check_testAverage1(self):
         "Test of average."
@@ -98,7 +98,7 @@
         a2dma = average(a2dm, axis=1)
         assert_equal(a2dma, [1.5, 4.0])
        
-class test_concatenator(NumpyTestCase):
+class TestConcatenator(NumpyTestCase):
     "Tests for mr_, the equivalent of r_ for masked arrays."
     def check_1d(self):
         "Tests mr_ on 1D arrays."
@@ -130,7 +130,7 @@
         assert_array_equal(d[5:,:],b_2)
         assert_array_equal(d.mask, N.r_[m_1,m_2])
 
-class test_notmasked(NumpyTestCase):
+class TestNotMasked(NumpyTestCase):
     "Tests notmasked_edges and notmasked_contiguous."
     def check_edges(self):
         "Tests unmasked_edges"
@@ -172,7 +172,7 @@
         assert_equal(tmp[2][-1], slice(7,7,None))
         assert_equal(tmp[2][-2], slice(0,5,None))
         
-class test_2dfunctions(NumpyTestCase):
+class Test2DFunctions(NumpyTestCase):
     "Tests 2D functions"
     def check_compress2d(self):
         "Tests compress2d"
@@ -316,7 +316,7 @@
         assert_equal(dx._data, N.r_[0,difx_d,0])
         assert_equal(dx._mask, N.r_[1,0,0,0,0,1])
 
-class test_apply_along_axis(NumpyTestCase):
+class TestApplyAlongAxis(NumpyTestCase):
     "Tests 2D functions"
     def check_3d(self):
         a = arange(12.).reshape(2,2,3)
@@ -330,4 +330,4 @@
 if __name__ == "__main__":
     NumpyTest().run()
 
-    
\ No newline at end of file
+    

Modified: trunk/scipy/sandbox/maskedarray/tests/test_morestats.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_morestats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_morestats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -24,7 +24,7 @@
 from maskedarray.testutils import *
 
 
-class test_misc(NumpyTestCase):
+class TestMisc(NumpyTestCase):
     #
     def __init__(self, *args, **kwargs):
         NumpyTestCase.__init__(self, *args, **kwargs)
@@ -43,7 +43,7 @@
         assert_equal(numpy.round(trimmed_mean_ci(data,0.2),1), [561.8, 630.6])
 
 #..............................................................................
-class test_ranking(NumpyTestCase):
+class TestRanking(NumpyTestCase):
     #
     def __init__(self, *args, **kwargs):
         NumpyTestCase.__init__(self, *args, **kwargs)
@@ -63,7 +63,7 @@
         assert_almost_equal(rank_data(x,axis=0),[[1,1,1,1,1],[2,2,2,2,2,]])
 
 #..............................................................................
-class test_quantiles(NumpyTestCase):
+class TestQuantiles(NumpyTestCase):
     #
     def __init__(self, *args, **kwargs):
         NumpyTestCase.__init__(self, *args, **kwargs)

Modified: trunk/scipy/sandbox/maskedarray/tests/test_mrecords.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_mrecords.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_mrecords.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -30,7 +30,7 @@
     fromarrays, fromtextfile, fromrecords, addfield
 
 #..............................................................................
-class test_mrecords(NumpyTestCase):
+class TestMrecords(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)

Modified: trunk/scipy/sandbox/maskedarray/tests/test_mstats.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_mstats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_mstats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -21,7 +21,7 @@
 from maskedarray.mstats import *
 
 #..............................................................................
-class test_quantiles(NumpyTestCase):
+class TestQuantiles(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -81,7 +81,7 @@
         assert_almost_equal(mquantiles(b, axis=1), 
                             maskedarray.resize([24.9, 50., 75.1], (100,3)))        
         
-class test_median(NumpyTestCase):
+class TestMedian(NumpyTestCase):
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
         
@@ -111,7 +111,7 @@
         assert_equal(mmedian(x,0), [[12,10],[8,9],[16,17]])
 
 #..............................................................................
-class test_trimming(NumpyTestCase):
+class TestTrimming(NumpyTestCase):
     #
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -153,7 +153,7 @@
         assert_equal(winsorized.mask, data.mask)
 #..............................................................................
 
-class test_misc(NumpyTestCase):
+class TestMisc(NumpyTestCase):
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)    
         

Modified: trunk/scipy/sandbox/maskedarray/tests/test_subclassing.py
===================================================================
--- trunk/scipy/sandbox/maskedarray/tests/test_subclassing.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/maskedarray/tests/test_subclassing.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -69,7 +69,7 @@
         
 
 
-class test_subclassing(NumpyTestCase):
+class TestSubclassing(NumpyTestCase):
     """Test suite for masked subclasses of ndarray."""
                 
     def check_data_subclassing(self):

Modified: trunk/scipy/sandbox/montecarlo/tests/test_dictsampler.py
===================================================================
--- trunk/scipy/sandbox/montecarlo/tests/test_dictsampler.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/montecarlo/tests/test_dictsampler.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -21,7 +21,7 @@
 import unittest
 
 
-class test_dictsampler(NumpyTestCase):
+class TestDictSampler(NumpyTestCase):
     def check_simple(self):
         """
         # Sample from this discrete distribution:

Modified: trunk/scipy/sandbox/montecarlo/tests/test_intsampler.py
===================================================================
--- trunk/scipy/sandbox/montecarlo/tests/test_intsampler.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/montecarlo/tests/test_intsampler.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -30,7 +30,7 @@
 import unittest
 
 
-class test_intsampler(NumpyTestCase):
+class TestIntSampler(NumpyTestCase):
     def check_simple(self):
         # Sample from a Poisson distribution, P(lambda = 10.0)
         lam = 10.0

Modified: trunk/scipy/sandbox/multigrid/tests/test_adaptive.py
===================================================================
--- trunk/scipy/sandbox/multigrid/tests/test_adaptive.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/multigrid/tests/test_adaptive.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 restore_path()
 
 
-class test_fit_candidates(NumpyTestCase):
+class TestFitCandidates(NumpyTestCase):
     def setUp(self):
         self.cases = []
 

Modified: trunk/scipy/sandbox/multigrid/tests/test_coarsen.py
===================================================================
--- trunk/scipy/sandbox/multigrid/tests/test_coarsen.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/multigrid/tests/test_coarsen.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -79,7 +79,7 @@
  
     return csr_matrix((Px,Pj,Pp))
 
-class test_sa_strong_connections(NumpyTestCase):
+class TestSaStrongConnections(NumpyTestCase):
     def check_simple(self):
         N = 4
         A = spdiags([2*ones(N),-ones(N),-ones(N)],[0,-1,1],N,N).tocsr()
@@ -120,7 +120,7 @@
                 assert_array_equal(S_result.todense(),S_expected.todense())
 
 
-class test_sa_constant_interpolation(NumpyTestCase):
+class TestSaConstantInterpolation(NumpyTestCase):
     def check_random(self):
         numpy.random.seed(0)
         for N in [2,3,5,10]:

Modified: trunk/scipy/sandbox/multigrid/tests/test_relaxation.py
===================================================================
--- trunk/scipy/sandbox/multigrid/tests/test_relaxation.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/multigrid/tests/test_relaxation.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -12,7 +12,7 @@
 restore_path()
 
 
-class test_relaxation(NumpyTestCase):
+class TestRelaxation(NumpyTestCase):
     def check_polynomial(self):
         N  = 3
         A  = spdiags([2*ones(N),-ones(N),-ones(N)],[0,-1,1],N,N).T

Modified: trunk/scipy/sandbox/multigrid/tests/test_utils.py
===================================================================
--- trunk/scipy/sandbox/multigrid/tests/test_utils.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/multigrid/tests/test_utils.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,7 +11,7 @@
 restore_path()
 
 
-class test_utils(NumpyTestCase):
+class TestUtils(NumpyTestCase):
     def check_infinity_norm(self):
         A = matrix([[-4]])
         assert_equal(infinity_norm(csr_matrix(A)),4)

Modified: trunk/scipy/sandbox/numexpr/tests/test_numexpr.py
===================================================================
--- trunk/scipy/sandbox/numexpr/tests/test_numexpr.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/numexpr/tests/test_numexpr.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -6,7 +6,7 @@
 from numexpr import E, numexpr, evaluate, disassemble
 restore_path()
 
-class test_numexpr(NumpyTestCase):
+class TestNumExpr(NumpyTestCase):
     def check_simple(self):
         ex = 2.0 * E.a + 3.0 * E.b * E.c
         func = numexpr(ex, signature=[('a', float), ('b', float), ('c', float)])
@@ -95,7 +95,7 @@
                     [('mul_fff', 'r0', 'r1[x]', 'r1[x]'),
                      ('add_fff', 'r0', 'r0', 'c2[2.0]')])
 
-class test_evaluate(NumpyTestCase):
+class TestEvaluate(NumpyTestCase):
     def check_simple(self):
         a = array([1., 2., 3.])
         b = array([4., 5., 6.])
@@ -239,7 +239,7 @@
 
 class Skip(Exception): pass
 
-class test_expressions(NumpyTestCase):
+class TestExpressions(NumpyTestCase):
     pass
 
 def generate_check_expressions():

Modified: trunk/scipy/sandbox/pyem/tests/test_densities.py
===================================================================
--- trunk/scipy/sandbox/pyem/tests/test_densities.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/pyem/tests/test_densities.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -105,7 +105,7 @@
 #=====================
 # Basic speed tests
 #=====================
-class test_speed(NumpyTestCase):
+class TestSpeed(NumpyTestCase):
     def __init__(self, *args, **kw):
         NumpyTestCase.__init__(self, *args, **kw)
         import sys
@@ -234,7 +234,7 @@
         self._generate_test_data_2d_full()
         self._test(level)
 
-class test_gauss_ell(NumpyTestCase):
+class TestGaussEll(NumpyTestCase):
     def test_dim(self):
         pyem.densities.gauss_ell([0, 1], [1, 2.], [0, 1])
         try:

Modified: trunk/scipy/sandbox/pyem/tests/test_examples.py
===================================================================
--- trunk/scipy/sandbox/pyem/tests/test_examples.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/pyem/tests/test_examples.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -12,7 +12,7 @@
 # # import modules that are located in the same directory as this file.
 # restore_path()
 
-class test_examples(NumpyTestCase):
+class TestExamples(NumpyTestCase):
     def test_ex1(self, level = 3):
         ex1()
 

Modified: trunk/scipy/sandbox/pyem/tests/test_gauss_mix.py
===================================================================
--- trunk/scipy/sandbox/pyem/tests/test_gauss_mix.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/pyem/tests/test_gauss_mix.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -13,7 +13,7 @@
 from pyem.densities import multiple_gauss_den
 restore_path()
 
-class test_BasicFunc(NumpyTestCase):
+class TestBasicfunc(NumpyTestCase):
     """Check that basic functionalities work."""
     def test_conf_ellip(self):
         """Only test whether the call succeed. To check wether the result is

Modified: trunk/scipy/sandbox/pyloess/tests/test_mpyloess.py
===================================================================
--- trunk/scipy/sandbox/pyloess/tests/test_mpyloess.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/pyloess/tests/test_mpyloess.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -34,7 +34,7 @@
 #####---------------------------------------------------------------------------
 #---- --- LOWESS ---
 #####---------------------------------------------------------------------------
-class test_lowess(NumpyTestCase):
+class TestLowess(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):
@@ -95,7 +95,7 @@
 #####---------------------------------------------------------------------------
 #---- --- STL ---
 #####---------------------------------------------------------------------------
-class test_stl(NumpyTestCase):
+class TestStl(NumpyTestCase):
     "Tests STL."
     #
     def __init__(self, *args, **kwds):
@@ -141,7 +141,7 @@
 #---- --- LOESS ---
 #####---------------------------------------------------------------------------
 
-class test_loess2d(NumpyTestCase):
+class TestLoess2D(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):
@@ -292,7 +292,7 @@
 #####---------------------------------------------------------------------------
 #---- --- test 1D ---
 #####---------------------------------------------------------------------------
-class test_loess_gas(NumpyTestCase):
+class TestLoessGas(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):

Modified: trunk/scipy/sandbox/pyloess/tests/test_pyloess.py
===================================================================
--- trunk/scipy/sandbox/pyloess/tests/test_pyloess.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/pyloess/tests/test_pyloess.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -32,7 +32,7 @@
 #####---------------------------------------------------------------------------
 #---- --- LOWESS ---
 #####---------------------------------------------------------------------------
-class test_lowess(NumpyTestCase):
+class TestLowess(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):
@@ -78,7 +78,7 @@
 #####---------------------------------------------------------------------------
 #---- --- STL ---
 #####---------------------------------------------------------------------------
-class test_stl(NumpyTestCase):
+class TestStl(NumpyTestCase):
     "Tests STL."
     #
     def __init__(self, *args, **kwds):
@@ -124,7 +124,7 @@
 #---- --- LOESS ---
 #####---------------------------------------------------------------------------
 
-class test_loess2d(NumpyTestCase):
+class TestLoess2d(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):
@@ -273,7 +273,7 @@
 #####---------------------------------------------------------------------------
 #---- --- test 2D
 #####---------------------------------------------------------------------------
-class test_loess_gas(NumpyTestCase):
+class TestLoessGas(NumpyTestCase):
     "Test class for lowess."
     #
     def __init__(self, *args, **kwds):

Modified: trunk/scipy/sandbox/rbf/tests/test_rbf.py
===================================================================
--- trunk/scipy/sandbox/rbf/tests/test_rbf.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/rbf/tests/test_rbf.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 from rbf.rbf import Rbf
 restore_path()
 
-class test_Rbf1D(NumpyTestCase):
+class TestRbf1d(NumpyTestCase):
     def check_multiquadrics(self):
         x = linspace(0,10,9)
         y = sin(x) 
@@ -17,7 +17,7 @@
         yi = rbf(x)
         assert_array_almost_equal(y, yi)
 
-class test_Rbf2D(NumpyTestCase):
+class TestRbf2d(NumpyTestCase):
     def check_multiquadrics(self):
         x = random.rand(50,1)*4-2
         y = random.rand(50,1)*4-2
@@ -27,7 +27,7 @@
         zi.shape = x.shape
         assert_array_almost_equal(z, zi)
 
-class test_Rbf3D(NumpyTestCase):
+class TestRbf3d(NumpyTestCase):
     def check_multiquadrics(self):
         x = random.rand(50,1)*4-2
         y = random.rand(50,1)*4-2

Modified: trunk/scipy/sandbox/spline/tests/test_fitpack.py
===================================================================
--- trunk/scipy/sandbox/spline/tests/test_fitpack.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/spline/tests/test_fitpack.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -24,7 +24,7 @@
 from dierckx_test_data import *
 restore_path()
 
-class test_splrep_splev(NumpyTestCase):
+class TestSplrepSplev(NumpyTestCase):
     def check_curfit_against_dierckx_smth(self):
         x,y = curfit_test['x'],curfit_test['y']
         k,s = curfit_test_smth['k'],curfit_test_smth['s']
@@ -83,7 +83,7 @@
                 yy = asarray(splev(x,tck))
                 assert_array_almost_equal(yy,sp[i], decimal=3)
             
-class test_splprep_splev(NumpyTestCase):
+class TestSplprepSplev(NumpyTestCase):
     def check_parcur_against_dierckx(self):
         xa,xo = parcur_test['xa'], parcur_test['xo']
         k,s = parcur_test['k'], parcur_test['s']
@@ -155,7 +155,7 @@
             yy[1::2] = y[1,:-1]
             assert_array_almost_equal(yy,sp[i], decimal=3)
 
-class test_splint_spalde(NumpyTestCase):
+class TestSplintSpalde(NumpyTestCase):
     def check_splint_spalde(self):
         per = [0, 1, 0]
         N = [20, 20, 50]
@@ -178,7 +178,7 @@
                         assert_almost_equal(1, ddr/f1(dx,d), decimal=2)
                     d=d+1
 
-class test_splder(NumpyTestCase):
+class TestSplder(NumpyTestCase):
     def check_splder(self):
         N = 50
         a,b = 0,2*pi
@@ -192,7 +192,7 @@
             d2 = splev(dx,tck,der=1)
             assert_almost_equal(1, dr[1]/f1(dx,1.0), decimal=2)
 
-class test_sproot(NumpyTestCase):
+class TestSproot(NumpyTestCase):
     def check_sproot(self):
         a=0
         b=15
@@ -204,7 +204,7 @@
         ex = array([0.0, pi, 2.0*pi, 3.0*pi, 4.0*pi])
         assert_array_almost_equal(sproot(tck),ex, decimal=3)
 
-class test_bisplev_bisplrep(NumpyTestCase):
+class TestBisplevBisplrep(NumpyTestCase):
     def test_bisplev_bisplrep(self):
         f=f2; kx=3; ky=3; xb=0; xe=2*pi
         yb=0; ye=2*pi; Nx=20; Ny=20; s=0
@@ -219,7 +219,7 @@
         v2.shape=len(tt[0]),len(tt[1])
         assert_almost_equal(0.0, norm2(ravel(v1-v2)), decimal=5)
 
-class test_parcur(NumpyTestCase):
+class TestParcur(NumpyTestCase):
     def check_parcur(self):
         f=f1; per=0; s=0; a=0; b=2*pi;
         N=[20,50]

Modified: trunk/scipy/sandbox/spline/tests/test_spline.py
===================================================================
--- trunk/scipy/sandbox/spline/tests/test_spline.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/spline/tests/test_spline.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -27,7 +27,7 @@
 from dierckx_test_data import *
 restore_path()
 
-class test_UnivariateSpline(NumpyTestCase):
+class TestUnivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,2,3]
         y = [3,3,3]
@@ -103,7 +103,7 @@
         ex = array([0.0, pi, 2.0*pi, 3.0*pi, 4.0*pi])
         assert_array_almost_equal(uspl.roots(),ex, decimal=3)
     
-class test_LSQUnivariateSpline(NumpyTestCase):
+class TestLSQUnivariateSpline(NumpyTestCase):
     def check_curfit_against_dierckx(self):
         """ Test against results obtined from the pure fortran routines.
             
@@ -121,7 +121,7 @@
             assert_array_almost_equal(around(lsquspl(x),1),
                                       curfit_test_lsq['sp'][i])
 
-class test_LSQBivariateSpline(NumpyTestCase):
+class TestLSQBivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,1,1,2,2,2,3,3,3]
         y = [1,2,3,1,2,3,1,2,3]
@@ -134,7 +134,7 @@
         #print lut.get_coeffs()
         #print lut.get_residual()
 
-class test_SmoothBivariateSpline(NumpyTestCase):
+class TestSmoothBivariateSpline(NumpyTestCase):
     def check_linear_constant(self):
         x = [1,1,1,2,2,2,3,3,3]
         y = [1,2,3,1,2,3,1,2,3]
@@ -155,7 +155,7 @@
         assert_almost_equal(lut.get_residual(),0.0)
         assert_array_almost_equal(lut([1,1.5,2],[1,1.5]),[[0,0],[1,1],[2,2]])
 
-class test_RectBivariateSpline(NumpyTestCase):
+class TestRectBivariateSpline(NumpyTestCase):
     def check_defaults(self):
         x = array([1,2,3,4,5])
         y = array([1,2,3,4,5])

Modified: trunk/scipy/sandbox/svm/tests/test_classification.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_classification.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_classification.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 from svm.predict import *
 restore_path()
 
-class test_classification(NumpyTestCase):
+class TestClassification(NumpyTestCase):
     def check_basics(self):
         kernel = LinearKernel()
         # C-SVC

Modified: trunk/scipy/sandbox/svm/tests/test_dataset.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_dataset.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_dataset.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from svm.libsvm import svm_node_dtype
 restore_path()
 
-class test_dataset(NumpyTestCase):
+class TestDataset(NumpyTestCase):
     def check_convert_dict(self):
         x = N.array([(-1,0.)], dtype=svm_node_dtype)
         assert_array_equal(convert_to_svm_node({}), x)
@@ -73,7 +73,7 @@
         for i, x in enumerate(dataset):
             assert_array_equal(data[i], x[1]['value'][:-1])
 
-class test_svm_node_dot(NumpyTestCase):
+class TestSVMNodeDot(NumpyTestCase):
     def check_basics(self):
         kernel = LinearKernel()
 
@@ -88,7 +88,7 @@
         y = N.array([(3,2.),(-1,0.)], dtype=svm_node_dtype)
         self.assertAlmostEqual(svm_node_dot(x, y, kernel), 4.)
 
-class test_precomputed_dataset(NumpyTestCase):
+class TestPrecomputedDataset(NumpyTestCase):
     def check_precompute(self):
         degree, gamma, coef0 = 4, 3.0, 2.0
         kernels = [

Modified: trunk/scipy/sandbox/svm/tests/test_kernel.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_kernel.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_kernel.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 def kernelfunc(x, y):
     return 8 * N.dot(x, y.T)
 
-class test_kernel(NumpyTestCase):
+class TestKernel(NumpyTestCase):
     def check_linear_kernel(self):
         kernel = LinearKernel()
         x = N.array([2.])

Modified: trunk/scipy/sandbox/svm/tests/test_libsvm.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_libsvm.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_libsvm.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -5,7 +5,7 @@
 import svm.libsvm as libsvm
 restore_path()
 
-class test_libsvm(NumpyTestCase):
+class TestLibSVM(NumpyTestCase):
     def check_svm_node(self):
         node = libsvm.svm_node()
         node = N.empty((), dtype=libsvm.svm_node_dtype)

Modified: trunk/scipy/sandbox/svm/tests/test_oneclass.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_oneclass.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_oneclass.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from svm.predict import *
 restore_path()
 
-class test_oneclass(NumpyTestCase):
+class TestOneclass(NumpyTestCase):
     def check_basics(self):
         ModelType = LibSvmOneClassModel
         kernel = LinearKernel()

Modified: trunk/scipy/sandbox/svm/tests/test_regression.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_regression.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_regression.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from svm.regression import *
 restore_path()
 
-class test_regression(NumpyTestCase):
+class TestRegression(NumpyTestCase):
     def check_basics(self):
         Model = LibSvmEpsilonRegressionModel
         kernel = LinearKernel()

Modified: trunk/scipy/sandbox/svm/tests/test_speed.py
===================================================================
--- trunk/scipy/sandbox/svm/tests/test_speed.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/svm/tests/test_speed.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from svm.predict import *
 restore_path()
 
-class test_classification_speed(NumpyTestCase):
+class TestClassificationSpeed(NumpyTestCase):
     def check_large_test_dataset(self):
         x = N.random.randn(150, 3)
 

Modified: trunk/scipy/sandbox/timeseries/lib/tests/test_interpolate.py
===================================================================
--- trunk/scipy/sandbox/timeseries/lib/tests/test_interpolate.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/lib/tests/test_interpolate.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -21,7 +21,7 @@
 
 from timeseries.lib.interpolate import backward_fill, forward_fill, interp_masked1d
 
-class test_funcs(NumpyTestCase):
+class TestFuncs(NumpyTestCase):
     
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)

Modified: trunk/scipy/sandbox/timeseries/lib/tests/test_moving_funcs.py
===================================================================
--- trunk/scipy/sandbox/timeseries/lib/tests/test_moving_funcs.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/lib/tests/test_moving_funcs.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -28,7 +28,7 @@
 
 from timeseries.lib import moving_funcs as MF
 
-class test_cmov_average(NumpyTestCase):
+class TestCMovAverage(NumpyTestCase):
     
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -84,7 +84,7 @@
 
 
 
-class test_mov_funcs(NumpyTestCase):
+class TestMovFuncs(NumpyTestCase):
     
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -143,4 +143,4 @@
 
 #------------------------------------------------------------------------------
 if __name__ == "__main__":
-    NumpyTest().run()                
\ No newline at end of file
+    NumpyTest().run()                

Modified: trunk/scipy/sandbox/timeseries/tests/test_dates.py
===================================================================
--- trunk/scipy/sandbox/timeseries/tests/test_dates.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/tests/test_dates.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -33,7 +33,7 @@
 from timeseries.cseries import freq_dict
 
 
-class test_creation(NumpyTestCase):
+class TestCreation(NumpyTestCase):
     "Base test class for MaskedArrays."
 
     def __init__(self, *args, **kwds):
@@ -140,7 +140,7 @@
         assert_equal(date_array(n, n+2), d)
         print "finished test_shortcuts"
 
-class test_date_properties(NumpyTestCase):
+class TestDateProperties(NumpyTestCase):
     "Test properties such as year, month, day_of_week, etc...."
 
     def __init__(self, *args, **kwds):
@@ -245,7 +245,7 @@
 
 def noWrap(item): return item
 
-class test_freq_conversion(NumpyTestCase):
+class TestFreqConversion(NumpyTestCase):
     "Test frequency conversion of date objects"
 
     def __init__(self, *args, **kwds):
@@ -833,7 +833,7 @@
             assert_func(date_S_end_of_minute.asfreq('T'), date_S_to_T)
 
 
-class test_methods(NumpyTestCase):
+class TestMethods(NumpyTestCase):
     "Base test class for MaskedArrays."
 
     def __init__(self, *args, **kwds):

Modified: trunk/scipy/sandbox/timeseries/tests/test_extras.py
===================================================================
--- trunk/scipy/sandbox/timeseries/tests/test_extras.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/tests/test_extras.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -23,7 +23,7 @@
 from timeseries.extras import *
 
 #..............................................................................
-class test_misc(NumpyTestCase):
+class TestMisc(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -33,7 +33,7 @@
         assert_equal(leap, [0,0,0,0,1,1,0,0,0,1]) 
         
 #..............................................................................
-class test_countmissing(NumpyTestCase):
+class TestCountmissing(NumpyTestCase):
     #
     def __init__(self, *args, **kwds):    
         NumpyTestCase.__init__(self, *args, **kwds)

Modified: trunk/scipy/sandbox/timeseries/tests/test_timeseries.py
===================================================================
--- trunk/scipy/sandbox/timeseries/tests/test_timeseries.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/tests/test_timeseries.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -31,7 +31,7 @@
     mask_period, align_series, align_with, fill_missing_dates, tsmasked, \
     concatenate_series, stack, split
 
-class test_creation(NumpyTestCase):
+class TestCreation(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -117,7 +117,7 @@
         assert_equal(series._mask,[0,0,1])
 #...............................................................................
 
-class test_arithmetics(NumpyTestCase):
+class TestArithmetics(NumpyTestCase):
     "Some basic arithmetic tests"
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -215,7 +215,7 @@
 
 #...............................................................................
 
-class test_getitem(NumpyTestCase):
+class TestGetitem(NumpyTestCase):
     "Some getitem tests"
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -320,7 +320,7 @@
         assert_equal(series[:,:,0], series._data[:,:,0])
         assert_equal(series[:,:,0]._dates, series._dates)
 
-class test_functions(NumpyTestCase):
+class TestFunctions(NumpyTestCase):
     "Some getitem tests"
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)

Modified: trunk/scipy/sandbox/timeseries/tests/test_trecords.py
===================================================================
--- trunk/scipy/sandbox/timeseries/tests/test_trecords.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sandbox/timeseries/tests/test_trecords.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -33,7 +33,7 @@
 
 
 #..............................................................................
-class test_mrecords(NumpyTestCase):
+class TestMRecords(NumpyTestCase):
     "Base test class for MaskedArrays."
     def __init__(self, *args, **kwds):
         NumpyTestCase.__init__(self, *args, **kwds)
@@ -186,4 +186,4 @@
 ###############################################################################
 #------------------------------------------------------------------------------
 if __name__ == "__main__":
-    NumpyTest().run()        
\ No newline at end of file
+    NumpyTest().run()        

Modified: trunk/scipy/signal/tests/test_signaltools.py
===================================================================
--- trunk/scipy/signal/tests/test_signaltools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/signal/tests/test_signaltools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -7,27 +7,27 @@
 
 from numpy import array, arange
 
-class test_convolve(NumpyTestCase):
+class TestConvolve(NumpyTestCase):
     def check_basic(self):
         a = [3,4,5,6,5,4]
         b = [1,2,3]
         c = signal.convolve(a,b)
         assert_array_equal(c,array([3,10,22,28,32,32,23,12]))
 
-class test_medfilt(NumpyTestCase):
+class TestMedFilt(NumpyTestCase):
     def check_basic(self):
         f = [[3,4,5],[2,3,4],[1,2,5]]
         d = signal.medfilt(f)
         assert_array_equal(d, [[0,3,0],[2,3,3],[0,2,0]])
 
-class test_wiener(NumpyTestCase):
+class TestWiener(NumpyTestCase):
     def check_basic(self):
         g = array([[5,6,4,3],[3,5,6,2],[2,3,5,6],[1,6,9,7]],'d')
         correct = array([[2.16374269,3.2222222222, 2.8888888889, 1.6666666667],[2.666666667, 4.33333333333, 4.44444444444, 2.8888888888],[2.222222222, 4.4444444444, 5.4444444444, 4.801066874837],[1.33333333333, 3.92735042735, 6.0712560386, 5.0404040404]])
         h = signal.wiener(g)
         assert_array_almost_equal(h,correct,decimal=6)
 
-class test_cspline1d_eval(NumpyTestCase):
+class TestCSpline1DEval(NumpyTestCase):
     def check_basic(self):
         y=array([1,2,3,4,3,2,1,2,3.0])
         x=arange(len(y))
@@ -40,7 +40,7 @@
         # make sure interpolated values are on knot points
         assert_array_almost_equal(y2[::10], y, decimal=5)
 
-class test_order_filt(NumpyTestCase):
+class TestOrderFilt(NumpyTestCase):
     def check_basic(self):
         assert_array_equal(signal.order_filter([1,2,3],[1,0,1],1),
                            [2,3,2])

Modified: trunk/scipy/signal/tests/test_wavelets.py
===================================================================
--- trunk/scipy/signal/tests/test_wavelets.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/signal/tests/test_wavelets.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -5,7 +5,7 @@
 from scipy.signal import wavelets
 restore_path()
 
-class test_wavelets(NumpyTestCase):
+class TestWavelets(NumpyTestCase):
     def check_qmf(self):
         assert_array_equal(wavelets.qmf([1,1]),[1,-1])
 

Modified: trunk/scipy/sparse/tests/test_sparse.py
===================================================================
--- trunk/scipy/sparse/tests/test_sparse.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/sparse/tests/test_sparse.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -1021,7 +1021,7 @@
                             [4,0,0],
                             [6,5,0]])
 
-class test_construct_utils(NumpyTestCase):
+class TestConstructUtils(NumpyTestCase):
     def check_identity(self):
         a = spidentity(3)
         b = array([[1, 0, 0], [0, 1, 0], [0, 0, 1]], dtype='d')
@@ -1045,7 +1045,7 @@
 
                    
 
-class test_coo(NumpyTestCase):
+class TestCoo(NumpyTestCase):
     def check_constructor1(self):
         row  = numpy.array([2, 3, 1, 3, 0, 1, 3, 0, 2, 1, 2])
         col  = numpy.array([0, 1, 0, 0, 1, 1, 2, 2, 2, 2, 1])

Modified: trunk/scipy/special/tests/test_basic.py
===================================================================
--- trunk/scipy/special/tests/test_basic.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/special/tests/test_basic.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -40,7 +40,7 @@
 import scipy.special._cephes as cephes
 restore_path()
 
-class test_cephes(NumpyTestCase):
+class TestCephes(NumpyTestCase):
     def check_airy(self):
         cephes.airy(0)
     def check_airye(self):
@@ -456,7 +456,7 @@
     def check_wofz(self):
         cephes.wofz(0)
 
-class test_airy(NumpyTestCase):
+class TestAiry(NumpyTestCase):
     def check_airy(self):
         #This tests the airy function to ensure 8 place accuracy in computation
 
@@ -492,7 +492,7 @@
                                      array([ 0.5357]),
                                      array([ 0.7012])),4)
 
-class test_assoc_laguerre(NumpyTestCase):
+class TestAssocLaguerre(NumpyTestCase):
     def check_assoc_laguerre(self):
         a1 = genlaguerre(11,1)
         a2 = assoc_laguerre(.2,11,1)
@@ -500,11 +500,11 @@
         a2 = assoc_laguerre(1,11,1)
         assert_array_almost_equal(a2,a1(1),8)
 
-class test_besselpoly(NumpyTestCase):
+class TestBesselpoly(NumpyTestCase):
     def check_besselpoly(self):
         pass
 
-class test_kelvin(NumpyTestCase):
+class TestKelvin(NumpyTestCase):
     def check_bei(self):
         mbei = bei(2)
         assert_almost_equal(mbei, 0.9722916273066613,5)#this may not be exact
@@ -676,7 +676,7 @@
                                                 16.08312,
                                                 20.53068]),4)
 
-class test_bernoulli(NumpyTestCase):
+class TestBernoulli(NumpyTestCase):
     def check_bernoulli(self):
         brn = bernoulli(5)
         assert_array_almost_equal(brn,array([1.0000,
@@ -686,7 +686,7 @@
                                              -0.0333,
                                              0.0000]),4)
 
-class test_beta(NumpyTestCase):
+class TestBeta(NumpyTestCase):
     def check_beta(self):
         bet = beta(2,4)
         betg = (gamma(2)*gamma(4))/gamma(6)
@@ -706,7 +706,7 @@
         comp = betainc(2,4,y)
         assert_almost_equal(comp,.5,5)
 
-class test_cheby(NumpyTestCase):
+class TestCheby(NumpyTestCase):
     def check_chebyc(self):
         C0 = chebyc(0)
         C1 = chebyc(1)
@@ -764,7 +764,7 @@
         assert_array_almost_equal(U4.c,[16,0,-12,0,1],13)
         assert_array_almost_equal(U5.c,[32,0,-32,0,6,0],13)
 
-class test_trigonometric(NumpyTestCase):
+class TestTrigonometric(NumpyTestCase):
     def check_cbrt(self):
         cb = cbrt(27)
         cbrl = 27**(1.0/3.0)
@@ -837,7 +837,7 @@
         snmrl1 = sin(pi/4.0)
         assert_almost_equal(snm1,snmrl1,8)
 
-class test_tandg(NumpyTestCase):
+class TestTandg(NumpyTestCase):
 
     def check_tandg(self):
         tn = tandg(30)
@@ -865,7 +865,7 @@
         assert_almost_equal(tandg(315), -1.0, 14)
         assert_almost_equal(tandg(-315), 1.0, 14)
 
-class test_ellip(NumpyTestCase):
+class TestEllip(NumpyTestCase):
     def check_ellipj(self):
         el = ellipj(0.2,0)
         rel = [sin(0.2),cos(0.2),1.0,0.20]
@@ -901,7 +901,7 @@
         assert_almost_equal(eleinc, 0.58823065, 8)
 
 
-class test_erf(NumpyTestCase):
+class TestErf(NumpyTestCase):
 
     def check_erf(self):
         er = erf(.25)
@@ -933,7 +933,7 @@
         assert_equal(d,b) #makes sure state was returned
         #assert_equal(d,1-a)
 
-class test_euler(NumpyTestCase):
+class TestEuler(NumpyTestCase):
     def check_euler(self):
         eu0 = euler(0)
         eu1 = euler(1)
@@ -955,7 +955,7 @@
         errmax = max(err)
         assert_almost_equal(errmax, 0.0, 14)
 
-class test_exp(NumpyTestCase):
+class TestExp(NumpyTestCase):
     def check_exp2(self):
         ex = exp2(2)
         exrl = 2**2
@@ -986,7 +986,7 @@
         exrl1 = (exp(2)-1,exp(2.1)-1,exp(2.2)-1)
         assert_array_almost_equal(ex1,exrl1,8)
 
-class test_fresnel(NumpyTestCase):
+class TestFresnel(NumpyTestCase):
     def check_fresnel(self):
         frs = array(fresnel(.5))
         assert_array_almost_equal(frs,array([0.064732432859999287, 0.49234422587144644]),8)
@@ -1023,7 +1023,7 @@
         assert_array_almost_equal(frs,szo,12)
 
 
-class test_gamma(NumpyTestCase):
+class TestGamma(NumpyTestCase):
     def check_gamma(self):
         gam = gamma(5)
         assert_equal(gam,24.0)
@@ -1057,7 +1057,7 @@
         rlgam = 1/gamma(8)
         assert_almost_equal(rgam,rlgam,8)
 
-class test_hankel(NumpyTestCase):
+class TestHankel(NumpyTestCase):
     def check_negv(self):
         assert_almost_equal(hankel1(-3,2), -hankel1(3,2), 14)
 
@@ -1090,7 +1090,7 @@
         hankrl2e = hankel2e(1,.1)
         assert_almost_equal(hank2e,hankrl2e,8)
 
-class test_hermite(NumpyTestCase):
+class TestHermite(NumpyTestCase):
     def check_hermite(self):
         H0 = hermite(0)
         H1 = hermite(1)
@@ -1130,7 +1130,7 @@
 
 _gam = cephes.gamma
 
-class test_gegenbauer(NumpyTestCase):
+class TestGegenbauer(NumpyTestCase):
 
     def check_gegenbauer(self):
         a = 5*rand()-0.5
@@ -1153,7 +1153,7 @@
                                                0,15*poch(a,3),0])/15.0,11)
 
 
-class test_hyper(NumpyTestCase):
+class TestHyper(NumpyTestCase):
     def check_h1vp(self):
         h1 = h1vp(1,.1)
         h1real = (jvp(1,.1)+yvp(1,.1)*1j)
@@ -1216,7 +1216,7 @@
                                /(gamma(a)*gamma(2-b)))
         assert_array_almost_equal(hypu,hprl,12)
 
-class test_bessel(NumpyTestCase):
+class TestBessel(NumpyTestCase):
     def check_i0(self):
         values = [[0.0, 1.0],
                   [1e-10, 1.0],
@@ -1537,7 +1537,7 @@
         assert_array_almost_equal(yvp1,yvpr,10)
 
 
-class test_laguerre(NumpyTestCase):
+class TestLaguerre(NumpyTestCase):
     def check_laguerre(self):
         lag0 = laguerre(0)
         lag1 = laguerre(1)
@@ -1565,7 +1565,7 @@
 
 
 # Base polynomials come from Abrahmowitz and Stegan
-class test_legendre(NumpyTestCase):
+class TestLegendre(NumpyTestCase):
     def check_legendre(self):
         leg0 = legendre(0)
         leg1 = legendre(1)
@@ -1581,14 +1581,14 @@
         assert_almost_equal(leg5.c,array([63,0,-70,0,15,0])/8.0)
 
 
-class test_lambda(NumpyTestCase):
+class TestLambda(NumpyTestCase):
     def check_lmbda(self):
         lam = lmbda(1,.1)
         lamr = (array([jn(0,.1), 2*jn(1,.1)/.1]),
                 array([jvp(0,.1), -2*jv(1,.1)/.01 + 2*jvp(1,.1)/.1]))
         assert_array_almost_equal(lam,lamr,8)
 
-class test_log1p(NumpyTestCase):
+class TestLog1p(NumpyTestCase):
     def check_log1p(self):
         l1p = (log1p(10),log1p(11),log1p(12))
         l1prl = (log(11),log(12),log(13))
@@ -1599,7 +1599,7 @@
         l1pmrl = (log(2),log(2.1),log(2.2))
         assert_array_almost_equal(l1pm,l1pmrl,8)
 
-class test_legendre_functions(NumpyTestCase):
+class TestLegendreFunctions(NumpyTestCase):
     def check_lpmn(self):
         lp = lpmn(0,2,.5)
         assert_array_almost_equal(lp,(array([       [ 1.00000 ,
@@ -1634,7 +1634,7 @@
         assert_array_almost_equal(lqf,(array([ 0.5493, -0.7253, -0.8187]),
                                        array([ 1.3333,  1.216 , -0.8427])),4)
 
-class test_mathieu(NumpyTestCase):
+class TestMathieu(NumpyTestCase):
 
     def check_mathieu_a(self):
         pass
@@ -1647,7 +1647,7 @@
         pass
             #same problem as above
 
-class test_fresnel_integral(NumpyTestCase):
+class TestFresnelIntegral(NumpyTestCase):
 
     def check_modfresnelp(self):
         pass
@@ -1655,7 +1655,7 @@
     def check_modfresnelm(self):
         pass
 
-class test_obl_cv_seq(NumpyTestCase):
+class TestOblCvSeq(NumpyTestCase):
     def check_obl_cv_seq(self):
         obl = obl_cv_seq(0,3,1)
         assert_array_almost_equal(obl,array([ -0.348602,
@@ -1663,7 +1663,7 @@
                                               5.486800,
                                               11.492120]),5)
 
-class test_parabolic_cylinder(NumpyTestCase):
+class TestParabolicCylinder(NumpyTestCase):
     def check_pbdn_seq(self):
         pb = pbdn_seq(1,.1)
         assert_array_almost_equal(pb,(array([ 0.9975,
@@ -1680,7 +1680,7 @@
         pbv = pbdv_seq(1,.1)
         assert_array_almost_equal(pbv,(real(pbn[0]),real(pbn[1])),4)
 
-class test_polygamma(NumpyTestCase):
+class TestPolygamma(NumpyTestCase):
     # from Table 6.2 (pg. 271) of A&S
     def check_polygamma(self):
         poly2 = polygamma(2,1)
@@ -1688,7 +1688,7 @@
         assert_almost_equal(poly2,-2.4041138063,10)
         assert_almost_equal(poly3,6.4939394023,10)
 
-class test_pro_cv_seq(NumpyTestCase):
+class TestProCvSeq(NumpyTestCase):
     def check_pro_cv_seq(self):
         prol = pro_cv_seq(0,3,1)
         assert_array_almost_equal(prol,array([  0.319000,
@@ -1696,12 +1696,12 @@
                                                6.533471,
                                                12.514462]),5)
 
-class test_psi(NumpyTestCase):
+class TestPsi(NumpyTestCase):
     def check_psi(self):
         ps = psi(1)
         assert_almost_equal(ps,-0.57721566490153287,8)
 
-class test_radian(NumpyTestCase):
+class TestRadian(NumpyTestCase):
     def check_radian(self):
         rad = radian(90,0,0)
         assert_almost_equal(rad,pi/2.0,5)
@@ -1710,7 +1710,7 @@
         rad1 = radian(90,1,60)
         assert_almost_equal(rad1,pi/2+0.0005816135199345904,5)
 
-class test_riccati(NumpyTestCase):
+class TestRiccati(NumpyTestCase):
     def check_riccati_jn(self):
         jnrl = (sph_jn(1,.2)[0]*.2,sph_jn(1,.2)[0]+sph_jn(1,.2)[1]*.2)
         ricjn = riccati_jn(1,.2)
@@ -1721,7 +1721,7 @@
         ricyn = riccati_yn(1,.2)
         assert_array_almost_equal(ricyn,ynrl,8)
 
-class test_round(NumpyTestCase):
+class TestRound(NumpyTestCase):
     def check_round(self):
         rnd = map(int,(round(10.1),round(10.4),round(10.5),round(10.6)))
 
@@ -1835,7 +1835,7 @@
         assert_array_almost_equal(G4.c,ge4.c,13)
         assert_array_almost_equal(G5.c,ge5.c,13)
 
-class test_spherical(NumpyTestCase):
+class TestSpherical(NumpyTestCase):
     def check_sph_harm(self):
         pass
 

Modified: trunk/scipy/special/tests/test_spfun_stats.py
===================================================================
--- trunk/scipy/special/tests/test_spfun_stats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/special/tests/test_spfun_stats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -5,7 +5,7 @@
 from scipy.special import gammaln, multigammaln
 restore_path()
 
-class test_multigammaln(NumpyTestCase):
+class TestMultiGammaLn(NumpyTestCase):
     def test1(self):
         a = N.abs(N.random.randn())
         assert_array_equal(multigammaln(a, 1), gammaln(a))

Modified: trunk/scipy/stats/models/tests/test_bspline.py
===================================================================
--- trunk/scipy/stats/models/tests/test_bspline.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_bspline.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 import scipy.stats.models.bspline as B
 
 
-class test_BSpline(NumpyTestCase):
+class TestBSpline(NumpyTestCase):
 
     def test1(self):
         b = B.BSpline(N.linspace(0,10,11), x=N.linspace(0,10,101))

Modified: trunk/scipy/stats/models/tests/test_formula.py
===================================================================
--- trunk/scipy/stats/models/tests/test_formula.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_formula.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,7 +11,7 @@
 
 from scipy.stats.models import utils, formula, contrast
 
-class test_term(NumpyTestCase):
+class TestTerm(NumpyTestCase):
 
     def test_init(self):
         t1 = formula.term("trivial")
@@ -47,7 +47,7 @@
         f = intercept * t1
         self.assertEqual(str(f), str(formula.formula(t1)))
 
-class test_formula(NumpyTestCase):
+class TestFormula(NumpyTestCase):
 
     def setUp(self):
         self.X = R.standard_normal((40,10))

Modified: trunk/scipy/stats/models/tests/test_glm.py
===================================================================
--- trunk/scipy/stats/models/tests/test_glm.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_glm.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,7 +11,7 @@
 
 W = R.standard_normal
 
-class test_Regression(NumpyTestCase):
+class TestRegression(NumpyTestCase):
 
     def check_Logistic(self):
         X = W((40,10))

Modified: trunk/scipy/stats/models/tests/test_regression.py
===================================================================
--- trunk/scipy/stats/models/tests/test_regression.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_regression.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 
 W = standard_normal
 
-class test_Regression(NumpyTestCase):
+class TestRegression(NumpyTestCase):
 
     def testOLS(self):
         X = W((40,10))

Modified: trunk/scipy/stats/models/tests/test_rlm.py
===================================================================
--- trunk/scipy/stats/models/tests/test_rlm.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_rlm.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 
 W = R.standard_normal
 
-class test_Regression(NumpyTestCase):
+class TestRegression(NumpyTestCase):
 
     def test_Robust(self):
         X = W((40,10))

Modified: trunk/scipy/stats/models/tests/test_utils.py
===================================================================
--- trunk/scipy/stats/models/tests/test_utils.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/models/tests/test_utils.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 
 from scipy.stats.models import utils
 
-class test_Utils(NumpyTestCase):
+class TestUtils(NumpyTestCase):
 
     def test_recipr(self):
         X = N.array([[2,1],[-1,0]])

Modified: trunk/scipy/stats/tests/test_distributions.py
===================================================================
--- trunk/scipy/stats/tests/test_distributions.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/tests/test_distributions.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -59,7 +59,7 @@
     else:
         args = str(tuple(1.0+rand(nargs)))
     exstr = r"""
-class test_%s(NumpyTestCase):
+class Test%s(NumpyTestCase):
     def check_cdf(self):
         D,pval = stats.kstest('%s','',args=%s,N=30)
         if (pval < %f):
@@ -71,7 +71,7 @@
     exec exstr
 
 
-class test_randint(NumpyTestCase):
+class TestRandInt(NumpyTestCase):
     def check_rvs(self):
         vals = stats.randint.rvs(5,30,size=100)
         assert(numpy.all(vals < 30) & numpy.all(vals >= 5))
@@ -97,7 +97,7 @@
         vals = stats.randint.cdf(x,5,30)
         assert_array_almost_equal(vals, out, decimal=12)
 
-class test_binom(NumpyTestCase):
+class TestBinom(NumpyTestCase):
     def check_rvs(self):
         vals = stats.binom.rvs(10, 0.75, size=(2, 50))
         assert(numpy.all(vals >= 0) & numpy.all(vals <= 10))
@@ -108,7 +108,7 @@
         assert(val.dtype.char in typecodes['AllInteger'])
 
 
-class test_bernoulli(NumpyTestCase):
+class TestBernoulli(NumpyTestCase):
     def check_rvs(self):
         vals = stats.bernoulli.rvs(0.75, size=(2, 50))
         assert(numpy.all(vals >= 0) & numpy.all(vals <= 1))
@@ -118,7 +118,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_nbinom(NumpyTestCase):
+class TestNBinom(NumpyTestCase):
     def check_rvs(self):
         vals = stats.nbinom.rvs(10, 0.75, size=(2, 50))
         assert(numpy.all(vals >= 0))
@@ -128,7 +128,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_geom(NumpyTestCase):
+class TestGeom(NumpyTestCase):
     def check_rvs(self):
         vals = stats.geom.rvs(0.75, size=(2, 50))
         assert(numpy.all(vals >= 0))
@@ -150,7 +150,7 @@
         assert_array_almost_equal(vals_sf,1-expected)
 
 
-class test_hypergeom(NumpyTestCase):
+class TestHypergeom(NumpyTestCase):
     def check_rvs(self):
         vals = stats.hypergeom.rvs(20, 10, 3, size=(2, 50))
         assert(numpy.all(vals >= 0) &
@@ -161,7 +161,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_logser(NumpyTestCase):
+class TestLogser(NumpyTestCase):
     def check_rvs(self):
         vals = stats.logser.rvs(0.75, size=(2, 50))
         assert(numpy.all(vals >= 1))
@@ -171,7 +171,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_poisson(NumpyTestCase):
+class TestPoisson(NumpyTestCase):
     def check_rvs(self):
         vals = stats.poisson.rvs(0.5, size=(2, 50))
         assert(numpy.all(vals >= 0))
@@ -181,7 +181,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_zipf(NumpyTestCase):
+class TestZipf(NumpyTestCase):
     def check_rvs(self):
         vals = stats.zipf.rvs(1.5, size=(2, 50))
         assert(numpy.all(vals >= 1))
@@ -191,7 +191,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_dlaplace(NumpyTestCase):
+class TestDLaplace(NumpyTestCase):
     def check_rvs(self):
         vals = stats.dlaplace.rvs(1.5 , size=(2, 50))
         assert(numpy.shape(vals) == (2, 50))
@@ -200,7 +200,7 @@
         assert(isinstance(val, numpy.ndarray))
         assert(val.dtype.char in typecodes['AllInteger'])
 
-class test_rv_discrete(NumpyTestCase):
+class TestRvDiscrete(NumpyTestCase):
     def check_rvs(self):
         states = [-1,0,1,2,3,4]
         probability = [0.0,0.3,0.4,0.0,0.3,0.0]
@@ -211,7 +211,7 @@
         for s,p in zip(states,probability):
             assert abs(sum(x == s)/float(samples) - p) < 0.05
 
-class test_expon(NumpyTestCase):
+class TestExpon(NumpyTestCase):
     def check_zero(self):
         assert_equal(stats.expon.pdf(0),1)
 

Modified: trunk/scipy/stats/tests/test_morestats.py
===================================================================
--- trunk/scipy/stats/tests/test_morestats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/tests/test_morestats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -23,7 +23,7 @@
 g9 = [1.002, 0.998, 0.996, 0.995, 0.996, 1.004, 1.004, 0.998, 0.999, 0.991]
 g10= [0.991, 0.995, 0.984, 0.994, 0.997, 0.997, 0.991, 0.998, 1.004, 0.997]
 
-class test_shapiro(NumpyTestCase):
+class TestShapiro(NumpyTestCase):
     def check_basic(self):
         x1 = [0.11,7.87,4.61,10.14,7.95,3.14,0.46,
               4.43,0.21,4.75,0.71,1.52,3.24,
@@ -38,7 +38,7 @@
         assert_almost_equal(w,0.9590270,6)
         assert_almost_equal(pw,0.52460,3)
 
-class test_anderson(NumpyTestCase):
+class TestAnderson(NumpyTestCase):
     def check_normal(self):
         rs = RandomState(1234567890)
         x1 = rs.standard_exponential(size=50)
@@ -57,7 +57,7 @@
         A,crit,sig = scipy.stats.anderson(x2,'expon')
         assert_array_less(crit[:-1], A)
 
-class test_ansari(NumpyTestCase):
+class TestAnsari(NumpyTestCase):
     def check_small(self):
         x = [1,2,3,3,4]
         y = [3,2,6,1,6,1,4,1]
@@ -79,7 +79,7 @@
         assert_almost_equal(W,10.0,11)
         assert_almost_equal(pval,0.533333333333333333,7)
 
-class test_bartlett(NumpyTestCase):
+class TestBartlett(NumpyTestCase):
     def check_data(self):
         args = []
         for k in range(1,11):
@@ -88,7 +88,7 @@
         assert_almost_equal(T,20.78587342806484,7)
         assert_almost_equal(pval,0.0136358632781,7)
 
-class test_levene(NumpyTestCase):
+class TestLevene(NumpyTestCase):
     def check_data(self):
         args = []
         for k in range(1,11):
@@ -97,7 +97,7 @@
         assert_almost_equal(W,1.7059176930008939,7)
         assert_almost_equal(pval,0.0990829755522,7)
 
-class test_binom_test(NumpyTestCase):
+class TestBinomTest(NumpyTestCase):
     def check_data(self):
         pval = stats.binom_test(100,250)
         assert_almost_equal(pval,0.0018833009350757682,11)
@@ -106,7 +106,7 @@
         pval = stats.binom_test([682,243],p=3.0/4)
         assert_almost_equal(pval,0.38249155957481695,11)
 
-class test_find_repeats(NumpyTestCase):
+class TestFindRepeats(NumpyTestCase):
     def check_basic(self):
         a = [1,2,3,4,1,2,3,4,1,2,5]
         res,nums = scipy.stats.find_repeats(a)

Modified: trunk/scipy/stats/tests/test_stats.py
===================================================================
--- trunk/scipy/stats/tests/test_stats.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/stats/tests/test_stats.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -48,7 +48,7 @@
 X8 = X7 * X
 X9 = X8 * X
 
-class test_round(NumpyTestCase):
+class TestRound(NumpyTestCase):
     """ W.II. ROUND
 
         You should get the numbers 1 to 9.  Many language compilers,
@@ -98,7 +98,7 @@
         y=(int(round((3-numpy.exp(numpy.log(numpy.sqrt(2.0)*numpy.sqrt(2.0)))))))
         assert_equal(y,1)
 
-class test_basicstats(NumpyTestCase):
+class TestBasicStats(NumpyTestCase):
     """ W.II.C. Compute basic statistic on all the variables.
 
         The means should be the fifth value of all the variables (case FIVE).
@@ -184,7 +184,7 @@
         y = scipy.stats.std(ROUND)
         assert_approx_equal(y, 2.738612788)
 
-class test_nanfunc(NumpyTestCase):
+class TestNanFunc(NumpyTestCase):
     def __init__(self, *args, **kw):
         NumpyTestCase.__init__(self, *args, **kw)
         self.X = X.copy()
@@ -242,7 +242,7 @@
         m = stats.stats.nanmedian(self.Xall)
         assert numpy.isnan(m)
 
-class test_corr(NumpyTestCase):
+class TestCorr(NumpyTestCase):
     """ W.II.D. Compute a correlation matrix on all the variables.
 
         All the correlations, except for ZERO and MISS, shoud be exactly 1.
@@ -429,7 +429,7 @@
 ### I need to figure out how to do this one.
 
 
-class test_regression(NumpyTestCase):
+class TestRegression(NumpyTestCase):
     def check_linregressBIGX(self):
         """ W.II.F.  Regress BIG on X.
 
@@ -494,7 +494,7 @@
 ##################################################
 ### Test for sum
 
-class test_gmean(NumpyTestCase):
+class TestGMean(NumpyTestCase):
 
     def check_1D_list(self):
         a = (1,2,3,4)
@@ -533,7 +533,7 @@
         desired = array((v,v,v))
         assert_array_almost_equal(desired,actual,decimal=14)
 
-class test_hmean(NumpyTestCase):
+class TestHMean(NumpyTestCase):
     def check_1D_list(self):
         a = (1,2,3,4)
         actual= stats.hmean(a)
@@ -573,7 +573,7 @@
         assert_array_almost_equal(desired1,actual1,decimal=14)
 
 
-class test_mean(NumpyTestCase):
+class TestMean(NumpyTestCase):
     def check_basic(self):
         a = [3,4,5,10,-3,-5,6]
         af = [3.,4,5,10,-3,-5,-6]
@@ -610,7 +610,7 @@
             A += val
         assert_almost_equal(stats.mean(a,axis=None),A/(5*3.0*5))
 
-class test_median(NumpyTestCase):
+class TestMedian(NumpyTestCase):
     def check_basic(self):
         a1 = [3,4,5,10,-3,-5,6]
         a2 = [3,-6,-2,8,7,4,2,1]
@@ -619,7 +619,7 @@
         assert_equal(stats.median(a2),2.5)
         assert_equal(stats.median(a3),3.5)
 
-class test_percentile(NumpyTestCase):
+class TestPercentile(NumpyTestCase):
     def setUp(self):
         self.a1 = [3,4,5,10,-3,-5,6]
         self.a2 = [3,-6,-2,8,7,4,2,1]
@@ -646,7 +646,7 @@
                            [1,1,1])
 
 
-class test_std(NumpyTestCase):
+class TestStd(NumpyTestCase):
     def check_basic(self):
         a = [3,4,5,10,-3,-5,6]
         b = [3,4,5,10,-3,-5,-6]
@@ -665,21 +665,21 @@
         assert_array_almost_equal(stats.std(a,axis=1),b2,11)
 
 
-class test_cmedian(NumpyTestCase):
+class TestCMedian(NumpyTestCase):
     def check_basic(self):
         data = [1,2,3,1,5,3,6,4,3,2,4,3,5,2.0]
         assert_almost_equal(stats.cmedian(data,5),3.2916666666666665)
         assert_almost_equal(stats.cmedian(data,3),3.083333333333333)
         assert_almost_equal(stats.cmedian(data),3.0020020020020022)
 
-class test_median(NumpyTestCase):
+class TestMedian(NumpyTestCase):
     def check_basic(self):
         data1 = [1,3,5,2,3,1,19,-10,2,4.0]
         data2 = [3,5,1,10,23,-10,3,-2,6,8,15]
         assert_almost_equal(stats.median(data1),2.5)
         assert_almost_equal(stats.median(data2),5)
 
-class test_mode(NumpyTestCase):
+class TestMode(NumpyTestCase):
     def check_basic(self):
         data1 = [3,5,1,10,23,3,2,6,8,6,10,6]
         vals = stats.mode(data1)
@@ -687,7 +687,7 @@
         assert_almost_equal(vals[1][0],3)
 
 
-class test_variability(NumpyTestCase):
+class TestVariability(NumpyTestCase):
     """  Comparison numbers are found using R v.1.5.1
          note that length(testcase) = 4
     """
@@ -767,7 +767,7 @@
 
 
 
-class test_moments(NumpyTestCase):
+class TestMoments(NumpyTestCase):
     """
         Comparison numbers are found using R v.1.5.1
         note that length(testcase) = 4
@@ -827,7 +827,7 @@
         y = scipy.stats.kurtosis(self.testcase,0,0)
         assert_approx_equal(y,1.64)
 
-class test_threshold(NumpyTestCase):
+class TestThreshold(NumpyTestCase):
     def check_basic(self):
         a = [-1,2,3,4,5,-1,-2]
         assert_array_equal(stats.threshold(a),a)

Modified: trunk/scipy/weave/tests/test_ast_tools.py
===================================================================
--- trunk/scipy/weave/tests/test_ast_tools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_ast_tools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from weave_test_utils import *
 restore_path()
 
-class test_harvest_variables(NumpyTestCase):
+class TestHarvestVariables(NumpyTestCase):
     """ Not much testing going on here, but
         at least it is a flame test.
     """

Modified: trunk/scipy/weave/tests/test_blitz_tools.py
===================================================================
--- trunk/scipy/weave/tests/test_blitz_tools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_blitz_tools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -14,7 +14,7 @@
 restore_path()
 
 
-class test_ast_to_blitz_expr(NumpyTestCase):
+class TestAstToBlitzExpr(NumpyTestCase):
 
     def generic_test(self,expr,desired):
         import parser
@@ -57,7 +57,7 @@
                   '-hy(_all,blitz::Range(1,_end),blitz::Range(_beg,Nhy(2)-1-1)));'
         self.generic_test(expr,desired)
 
-class test_blitz(NumpyTestCase):
+class TestBlitz(NumpyTestCase):
     """* These are long running tests...
 
          I'd like to benchmark these things somehow.

Modified: trunk/scipy/weave/tests/test_build_tools.py
===================================================================
--- trunk/scipy/weave/tests/test_build_tools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_build_tools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -12,7 +12,7 @@
 def is_writable(val):
     return os.access(val,os.W_OK)
 
-class test_configure_build_dir(NumpyTestCase):
+class TestConfigureBuildDir(NumpyTestCase):
     def check_default(self):
         " default behavior is to return current directory "
         d = build_tools.configure_build_dir()
@@ -46,7 +46,7 @@
         assert(d == tempfile.gettempdir())
         assert(is_writable(d))
 
-class test_configure_sys_argv(NumpyTestCase):
+class TestConfigureSysArgv(NumpyTestCase):
     def check_simple(self):
         build_dir = 'build_dir'
         temp_dir = 'temp_dir'

Modified: trunk/scipy/weave/tests/test_c_spec.py
===================================================================
--- trunk/scipy/weave/tests/test_c_spec.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_c_spec.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -48,7 +48,7 @@
 # Scalar conversion test classes
 #   int, float, complex
 #----------------------------------------------------------------------------
-class test_int_converter(NumpyTestCase):
+class TestIntConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_string(self,level=5):
         s = c_spec.int_converter()
@@ -103,7 +103,7 @@
 
         assert( c == 3)
 
-class test_float_converter(NumpyTestCase):
+class TestFloatConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_string(self,level=5):
         s = c_spec.float_converter()
@@ -158,7 +158,7 @@
         c = test(b)
         assert( c == 3.)
 
-class test_complex_converter(NumpyTestCase):
+class TestComplexConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_string(self,level=5):
         s = c_spec.complex_converter()
@@ -216,7 +216,7 @@
 # File conversion tests
 #----------------------------------------------------------------------------
 
-class test_file_converter(NumpyTestCase):
+class TestFileConverter(NumpyTestCase):
     compiler = ''
     def check_py_to_file(self,level=5):
         import tempfile
@@ -250,14 +250,14 @@
 # Instance conversion tests
 #----------------------------------------------------------------------------
 
-class test_instance_converter(NumpyTestCase):
+class TestInstanceConverter(NumpyTestCase):
     pass
 
 #----------------------------------------------------------------------------
 # Callable object conversion tests
 #----------------------------------------------------------------------------
 
-class test_callable_converter(NumpyTestCase):
+class TestCallableConverter(NumpyTestCase):
     compiler=''
     def check_call_function(self,level=5):
         import string
@@ -277,7 +277,7 @@
         desired = func(search_str,sub_str)
         assert(desired == actual)
 
-class test_sequence_converter(NumpyTestCase):
+class TestSequenceConverter(NumpyTestCase):
     compiler = ''
     def check_convert_to_dict(self,level=5):
         d = {}
@@ -292,7 +292,7 @@
         t = ()
         inline_tools.inline("",['t'],compiler=self.compiler,force=1)
 
-class test_string_converter(NumpyTestCase):
+class TestStringConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_string(self,level=5):
         s = c_spec.string_converter()
@@ -347,7 +347,7 @@
         c = test(b)
         assert( c == 'hello')
 
-class test_list_converter(NumpyTestCase):
+class TestListConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_bad(self,level=5):
         s = c_spec.list_converter()
@@ -458,7 +458,7 @@
         print 'python:', t2 - t1
         assert( sum1 == sum2 and sum1 == sum3)
 
-class test_tuple_converter(NumpyTestCase):
+class TestTupleConverter(NumpyTestCase):
     compiler = ''
     def check_type_match_bad(self,level=5):
         s = c_spec.tuple_converter()
@@ -511,7 +511,7 @@
         assert( c == ('hello',None))
 
 
-class test_dict_converter(NumpyTestCase):
+class TestDictConverter(NumpyTestCase):
     """ Base Class for dictionary conversion tests.
     """
 

Modified: trunk/scipy/weave/tests/test_catalog.py
===================================================================
--- trunk/scipy/weave/tests/test_catalog.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_catalog.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,7 +11,7 @@
 restore_path()
 
 
-class test_default_dir(NumpyTestCase):
+class TestDefaultDir(NumpyTestCase):
     def check_is_writable(self):
         path = catalog.default_dir()
         name = os.path.join(path,'dummy_catalog')
@@ -22,10 +22,10 @@
             test_file.close()
             os.remove(name)
 
-class test_os_dependent_catalog_name(NumpyTestCase):
+class TestOsDependentCatalogName(NumpyTestCase):
     pass
 
-class test_catalog_path(NumpyTestCase):
+class TestCatalogPath(NumpyTestCase):
     def check_default(self):
         in_path = catalog.default_dir()
         path = catalog.catalog_path(in_path)
@@ -64,7 +64,7 @@
         path = catalog.catalog_path(in_path)
         assert (path is None)
 
-class test_get_catalog(NumpyTestCase):
+class TestGetCatalog(NumpyTestCase):
     """ This only tests whether new catalogs are created correctly.
         And whether non-existent return None correctly with read mode.
         Putting catalogs in the right place is all tested with
@@ -98,7 +98,7 @@
         self.remove_dir(pardir)
         assert(cat is not None)
 
-class test_catalog(NumpyTestCase):
+class TestCatalog(NumpyTestCase):
 
     def clear_environ(self):
         if os.environ.has_key('PYTHONCOMPILED'):

Modified: trunk/scipy/weave/tests/test_ext_tools.py
===================================================================
--- trunk/scipy/weave/tests/test_ext_tools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_ext_tools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -17,7 +17,7 @@
 build_dir = empty_temp_dir()
 print 'building extensions here:', build_dir
 
-class test_ext_module(NumpyTestCase):
+class TestExtModule(NumpyTestCase):
     #should really do some testing of where modules end up
     def check_simple(self,level=5):
         """ Simplest possible module """
@@ -94,7 +94,7 @@
         c,d = ext_return_tuple.test(a)
         assert(c==a and d == a+1)
 
-class test_ext_function(NumpyTestCase):
+class TestExtFunction(NumpyTestCase):
     #should really do some testing of where modules end up
     def check_simple(self,level=5):
         """ Simplest possible function """
@@ -107,7 +107,7 @@
         import simple_ext_function
         simple_ext_function.test()
 
-class test_assign_variable_types(NumpyTestCase):
+class TestAssignVariableTypes(NumpyTestCase):
     def check_assign_variable_types(self):
         try:
             from numpy.numerix import arange, Float32, Float64

Modified: trunk/scipy/weave/tests/test_inline_tools.py
===================================================================
--- trunk/scipy/weave/tests/test_inline_tools.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_inline_tools.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 from test_scxx import *
 restore_path()
 
-class test_inline(NumpyTestCase):
+class TestInline(NumpyTestCase):
     """ These are long running tests...
 
          I'd like to benchmark these things somehow.

Modified: trunk/scipy/weave/tests/test_numpy_scalar_spec.py
===================================================================
--- trunk/scipy/weave/tests/test_numpy_scalar_spec.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_numpy_scalar_spec.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -52,7 +52,7 @@
 #   int, float, complex
 #----------------------------------------------------------------------------
 
-class test_numpy_complex_scalar_converter(NumpyTestCase):
+class TestNumpyComplexScalarConverter(NumpyTestCase):
     compiler = ''
 
     def setUp(self):

Modified: trunk/scipy/weave/tests/test_scxx_dict.py
===================================================================
--- trunk/scipy/weave/tests/test_scxx_dict.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_scxx_dict.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -9,7 +9,7 @@
 restore_path()
 
 
-class test_dict_construct(NumpyTestCase):
+class TestDictConstruct(NumpyTestCase):
     #------------------------------------------------------------------------
     # Check that construction from basic types is allowed and have correct
     # reference counts
@@ -25,7 +25,7 @@
         assert res == {}
 
 
-class test_dict_has_key(NumpyTestCase):
+class TestDictHasKey(NumpyTestCase):
     def check_obj(self,level=5):
         class foo:
             pass
@@ -89,7 +89,7 @@
         res = inline_tools.inline(code,['a'])
         assert not res
 
-class test_dict_get_item_op(NumpyTestCase):
+class TestDictGetItemOp(NumpyTestCase):
 
     def generic_get(self,code,args=['a']):
         a = {}
@@ -132,7 +132,7 @@
         except KeyError:
             pass
 
-class test_dict_set_operator(NumpyTestCase):
+class TestDictSetOperator(NumpyTestCase):
     def generic_new(self,key,val):
         # test that value is set correctly and that reference counts
         # on dict, key, and val are being handled correctly.
@@ -199,7 +199,7 @@
         key,val = foo(),12345
         self.generic_overwrite(key,val)
 
-class test_dict_del(NumpyTestCase):
+class TestDictDel(NumpyTestCase):
     def generic(self,key):
         # test that value is set correctly and that reference counts
         # on dict, key, are being handled correctly. after deletion,
@@ -233,7 +233,7 @@
         key = foo()
         self.generic(key)
 
-class test_dict_others(NumpyTestCase):
+class TestDictOthers(NumpyTestCase):
     def check_clear(self,level=5):
         a = {}
         a["hello"] = 1

Modified: trunk/scipy/weave/tests/test_scxx_object.py
===================================================================
--- trunk/scipy/weave/tests/test_scxx_object.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_scxx_object.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -8,7 +8,7 @@
 from weave import inline_tools
 restore_path()
 
-class test_object_construct(NumpyTestCase):
+class TestObjectConstruct(NumpyTestCase):
     #------------------------------------------------------------------------
     # Check that construction from basic types is allowed and have correct
     # reference counts
@@ -66,7 +66,7 @@
         assert_equal(sys.getrefcount(res),2)
         assert_equal(res,"hello")
 
-class test_object_print(NumpyTestCase):
+class TestObjectPrint(NumpyTestCase):
     #------------------------------------------------------------------------
     # Check the object print protocol.
     #------------------------------------------------------------------------
@@ -101,7 +101,7 @@
 ##            pass
 
 
-class test_object_cast(NumpyTestCase):
+class TestObjectCast(NumpyTestCase):
     def check_int_cast(self,level=5):
         code = """
                py::object val = 1;
@@ -147,7 +147,7 @@
     def __str__(self):
         return "b"
 
-class test_object_hasattr(NumpyTestCase):
+class TestObjectHasattr(NumpyTestCase):
     def check_string(self,level=5):
         a = foo()
         a.b = 12345
@@ -203,7 +203,7 @@
         res = inline_tools.inline(code,['a'])
         assert res
 
-class test_object_attr(NumpyTestCase):
+class TestObjectAttr(NumpyTestCase):
 
     def generic_attr(self,code,args=['a']):
         a = foo()
@@ -261,7 +261,7 @@
         assert_equal(res,"bar results")
         assert_equal(first,second)
 
-class test_object_set_attr(NumpyTestCase):
+class TestObjectSetAttr(NumpyTestCase):
 
     def generic_existing(self, code, desired):
         args = ['a']
@@ -325,7 +325,7 @@
                """
         self.generic_existing(code,"hello")
 
-class test_object_del(NumpyTestCase):
+class TestObjectDel(NumpyTestCase):
     def generic(self, code):
         args = ['a']
         a = foo()
@@ -348,7 +348,7 @@
                """
         self.generic(code)
 
-class test_object_cmp(NumpyTestCase):
+class TestObjectCmp(NumpyTestCase):
     def check_equal(self,level=5):
         a,b = 1,1
         res = inline_tools.inline('return_val = (a == b);',['a','b'])
@@ -411,7 +411,7 @@
         res = inline_tools.inline(code,['a'])
         assert_equal(res,(a == "hello"))
 
-class test_object_repr(NumpyTestCase):
+class TestObjectRepr(NumpyTestCase):
     def check_repr(self,level=5):
         class foo:
             def __str__(self):
@@ -427,7 +427,7 @@
         assert_equal(first,second)
         assert_equal(res,"repr return")
 
-class test_object_str(NumpyTestCase):
+class TestObjectStr(NumpyTestCase):
     def check_str(self,level=5):
         class foo:
             def __str__(self):
@@ -444,7 +444,7 @@
         print res
         assert_equal(res,"str return")
 
-class test_object_unicode(NumpyTestCase):
+class TestObjectUnicode(NumpyTestCase):
     # This ain't going to win awards for test of the year...
     def check_unicode(self,level=5):
         class foo:
@@ -461,7 +461,7 @@
         assert_equal(first,second)
         assert_equal(res,"unicode")
 
-class test_object_is_callable(NumpyTestCase):
+class TestObjectIsCallable(NumpyTestCase):
     def check_true(self,level=5):
         class foo:
             def __call__(self):
@@ -476,7 +476,7 @@
         res = inline_tools.inline('return_val = a.is_callable();',['a'])
         assert not res
 
-class test_object_call(NumpyTestCase):
+class TestObjectCall(NumpyTestCase):
     def check_noargs(self,level=5):
         def foo():
             return (1,2,3)
@@ -532,7 +532,7 @@
         # first should == second, but the weird refcount error
         assert_equal(second,third)
 
-class test_object_mcall(NumpyTestCase):
+class TestObjectMcall(NumpyTestCase):
     def check_noargs(self,level=5):
         a = foo()
         res = inline_tools.inline('return_val = a.mcall("bar");',['a'])
@@ -626,7 +626,7 @@
         # first should == second, but the weird refcount error
         assert_equal(second,third)
 
-class test_object_hash(NumpyTestCase):
+class TestObjectHash(NumpyTestCase):
     def check_hash(self,level=5):
         class foo:
             def __hash__(self):
@@ -636,7 +636,7 @@
         print 'hash:', res
         assert_equal(res,123)
 
-class test_object_is_true(NumpyTestCase):
+class TestObjectIsTrue(NumpyTestCase):
     def check_true(self,level=5):
         class foo:
             pass
@@ -648,7 +648,7 @@
         res = inline_tools.inline('return_val = a.is_true();',['a'])
         assert_equal(res,0)
 
-class test_object_is_true(NumpyTestCase):
+class TestObjectIsTrue(NumpyTestCase):
     def check_false(self,level=5):
         class foo:
             pass
@@ -660,7 +660,7 @@
         res = inline_tools.inline('return_val = a.mcall("not");',['a'])
         assert_equal(res,1)
 
-class test_object_type(NumpyTestCase):
+class TestObjectType(NumpyTestCase):
     def check_type(self,level=5):
         class foo:
             pass
@@ -668,7 +668,7 @@
         res = inline_tools.inline('return_val = a.type();',['a'])
         assert_equal(res,type(a))
 
-class test_object_size(NumpyTestCase):
+class TestObjectSize(NumpyTestCase):
     def check_size(self,level=5):
         class foo:
             def __len__(self):
@@ -692,7 +692,7 @@
         assert_equal(res,len(a))
 
 from UserList import UserList
-class test_object_set_item_op_index(NumpyTestCase):
+class TestObjectSetItemOpIndex(NumpyTestCase):
     def check_list_refcount(self,level=5):
         a = UserList([1,2,3])
         # temporary refcount fix until I understand why it incs by one.
@@ -727,7 +727,7 @@
         assert_equal(a[1],1+1j)
 
 from UserDict import UserDict
-class test_object_set_item_op_key(NumpyTestCase):
+class TestObjectSetItemOpKey(NumpyTestCase):
     def check_key_refcount(self,level=5):
         a = UserDict()
         code =  """

Modified: trunk/scipy/weave/tests/test_size_check.py
===================================================================
--- trunk/scipy/weave/tests/test_size_check.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_size_check.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -11,7 +11,7 @@
 empty = array(())
 
 
-class test_make_same_length(NumpyTestCase):
+class TestMakeSameLength(NumpyTestCase):
 
     def generic_test(self,x,y,desired):
         actual = size_check.make_same_length(x,y)
@@ -39,7 +39,7 @@
         desired = array((1,2,3)),array((1,1,2))
         self.generic_test(x,y,desired)
 
-class test_binary_op_size(NumpyTestCase):
+class TestBinaryOpSize(NumpyTestCase):
     def generic_test(self,x,y,desired):
         actual = size_check.binary_op_size(x,y)
         desired = desired
@@ -115,7 +115,7 @@
     def desired_type(self,val):
         return size_check.dummy_array(array(val),1)
 
-class test_dummy_array_indexing(NumpyTestCase):
+class TestDummyArrayIndexing(NumpyTestCase):
     def generic_test(self,ary,expr,desired):
         a = size_check.dummy_array(ary)
         actual = eval(expr).shape
@@ -267,7 +267,7 @@
             except IndexError:
                 pass
 
-class test_reduction(NumpyTestCase):
+class TestReduction(NumpyTestCase):
     def check_1d_0(self):
         a = ones((5,))
         actual = size_check.reduction(a,0)
@@ -301,7 +301,7 @@
         except ValueError:
             pass
 
-class test_expressions(NumpyTestCase):
+class TestExpressions(NumpyTestCase):
     def generic_test(self,expr,desired,**kw):
         import parser
         ast_list = parser.expr(expr).tolist()

Modified: trunk/scipy/weave/tests/test_slice_handler.py
===================================================================
--- trunk/scipy/weave/tests/test_slice_handler.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_slice_handler.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -22,7 +22,7 @@
         pprint.pprint(desired,msg)
         raise AssertionError, msg.getvalue()
 
-class test_build_slice_atom(NumpyTestCase):
+class TestBuildSliceAtom(NumpyTestCase):
     def generic_test(self,slice_vars,desired):
         pos = slice_vars['pos']
         ast_list = slice_handler.build_slice_atom(slice_vars,pos)
@@ -34,7 +34,7 @@
         desired = 'slice(1,2-1)'
         self.generic_test(slice_vars,desired)
 
-class test_slice(NumpyTestCase):
+class TestSlice(NumpyTestCase):
 
     def generic_test(self,suite_string,desired):
         import parser
@@ -135,7 +135,7 @@
     out = string.replace(out,"\n","")
     return out
 
-class test_transform_slices(NumpyTestCase):
+class TestTransformSlices(NumpyTestCase):
     def generic_test(self,suite_string,desired):
         import parser
         ast_list = parser.suite(suite_string).tolist()

Modified: trunk/scipy/weave/tests/test_standard_array_spec.py
===================================================================
--- trunk/scipy/weave/tests/test_standard_array_spec.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_standard_array_spec.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -28,7 +28,7 @@
         pprint.pprint(desired,msg)
         raise AssertionError, msg.getvalue()
 
-class test_array_converter(NumpyTestCase):
+class TestArrayConverter(NumpyTestCase):
     def check_type_match_string(self):
         s = standard_array_spec.array_converter()
         assert( not s.type_match('string') )

Modified: trunk/scipy/weave/tests/test_wx_spec.py
===================================================================
--- trunk/scipy/weave/tests/test_wx_spec.py	2007-10-02 07:40:02 UTC (rev 3387)
+++ trunk/scipy/weave/tests/test_wx_spec.py	2007-10-02 09:00:27 UTC (rev 3388)
@@ -15,7 +15,7 @@
 
 import wx
 
-class test_wx_converter(NumpyTestCase):
+class TestWxConverter(NumpyTestCase):
     def setUp(self):
         self.app = wx.App()
         self.s = wx_spec.wx_converter()




More information about the Scipy-svn mailing list