[Scipy-svn] r4845 - in trunk/scipy: . cluster interpolate io/matlab io/matlab/tests ndimage optimize/tests sparse sparse/linalg/isolve sparse/linalg/isolve/tests sparse/sparsetools sparse/tests stats

scipy-svn at scipy.org scipy-svn at scipy.org
Sun Oct 26 05:20:59 EDT 2008


Author: jarrod.millman
Date: 2008-10-26 04:20:24 -0500 (Sun, 26 Oct 2008)
New Revision: 4845

Modified:
   trunk/scipy/__init__.py
   trunk/scipy/cluster/distance.py
   trunk/scipy/cluster/hierarchy.py
   trunk/scipy/interpolate/interpolate_wrapper.py
   trunk/scipy/interpolate/setup.py
   trunk/scipy/io/matlab/byteordercodes.py
   trunk/scipy/io/matlab/mio.py
   trunk/scipy/io/matlab/mio5.py
   trunk/scipy/io/matlab/miobase.py
   trunk/scipy/io/matlab/tests/test_byteordercodes.py
   trunk/scipy/io/matlab/tests/test_mio.py
   trunk/scipy/ndimage/filters.py
   trunk/scipy/optimize/tests/test_nnls.py
   trunk/scipy/sparse/base.py
   trunk/scipy/sparse/construct.py
   trunk/scipy/sparse/dok.py
   trunk/scipy/sparse/lil.py
   trunk/scipy/sparse/linalg/isolve/iterative.py
   trunk/scipy/sparse/linalg/isolve/tests/test_iterative.py
   trunk/scipy/sparse/sparsetools/bsr.py
   trunk/scipy/sparse/sparsetools/coo.py
   trunk/scipy/sparse/sparsetools/csc.py
   trunk/scipy/sparse/sparsetools/csr.py
   trunk/scipy/sparse/sparsetools/dia.py
   trunk/scipy/sparse/tests/test_base.py
   trunk/scipy/stats/distributions.py
Log:
ran reindent


Modified: trunk/scipy/__init__.py
===================================================================
--- trunk/scipy/__init__.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/__init__.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -74,7 +74,7 @@
 # Remove subpackage names from __all__ such that they are not imported via
 # "from scipy import *". This works around a numpy bug present in < 1.2.
 subpackages = """cluster constants fftpack integrate interpolate io lib linalg
-linsolve maxentropy misc ndimage odr optimize signal sparse special 
+linsolve maxentropy misc ndimage odr optimize signal sparse special
 splinalg stats stsci weave""".split()
 for name in subpackages:
     try:

Modified: trunk/scipy/cluster/distance.py
===================================================================
--- trunk/scipy/cluster/distance.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/cluster/distance.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -954,8 +954,8 @@
 
          d(u,v) = \sum_u {|u_i-v_i|}
                          {|u_i|+|v_i|}
-                         
 
+
     12. ``Y = pdist(X, 'braycurtis')``
 
        Computes the Bray-Curtis distance between the points. The
@@ -1285,8 +1285,8 @@
            it is known that ``X - X.T1`` is small and ``diag(X)`` is
            close to zero. These values are ignored any way so they do
            not disrupt the squareform transformation.
-       
 
+
     Calling Conventions
     -------------------
 
@@ -1692,8 +1692,8 @@
 
          d(u,v) = \sum_u {|u_i-v_i|}
                          {|u_i|+|v_i|}
-                         
 
+
     12. ``Y = cdist(X, 'braycurtis')``
 
        Computes the Bray-Curtis distance between the points. The

Modified: trunk/scipy/cluster/hierarchy.py
===================================================================
--- trunk/scipy/cluster/hierarchy.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/cluster/hierarchy.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -345,7 +345,7 @@
 
        Performs centroid/UPGMC linkage on the condensed distance
        matrix ``y``.  See ``linkage`` for more information on the return
-       structure and algorithm. 
+       structure and algorithm.
 
     2. Z = centroid(X)
 
@@ -427,7 +427,7 @@
 
 
 def linkage(y, method='single', metric='euclidean'):
-    """ 
+    """
     Performs hierarchical/agglomerative clustering on the
     condensed distance matrix y. y must be a {n \choose 2} sized
     vector where n is the number of original observations paired
@@ -665,7 +665,7 @@
         The number of leaf nodes (original observations) belonging to
         the cluster node nd. If the target node is a leaf, 1 is
         returned.
-        
+
         :Returns:
 
            c : int
@@ -713,7 +713,7 @@
         the list.
 
         For example, the statement:
-        
+
            ids = root.preOrder(lambda x: x.id)
 
         returns a list of the node ids corresponding to the leaf nodes
@@ -730,7 +730,7 @@
 
         :Returns:
            - L : list
-             The pre-order traversal.                    
+             The pre-order traversal.
         """
 
         # Do a preorder traversal, caching the result. To avoid having to do
@@ -773,7 +773,7 @@
     Converts a hierarchical clustering encoded in the matrix Z (by
     linkage) into an easy-to-use tree object. The reference r to the
     root cnode object is returned.
-    
+
     Each cnode object has a left, right, dist, id, and count
     attribute. The left and right attributes point to cnode objects
     that were combined to generate the cluster. If both are None then
@@ -885,12 +885,12 @@
          hierarchical clustering defined by the linkage matrix ``Z``
          of a set of :math:`$n$` observations in :math:`$m$`
          dimensions. ``Y`` is the condensed distance matrix from which
-         ``Z`` was generated. 
+         ``Z`` was generated.
 
     :Returns:
        - c : ndarray
          The cophentic correlation distance (if ``y`` is passed).
- 
+
        - d : ndarray
          The cophenetic distance matrix in condensed form. The
          :math:`$ij$`th entry is the cophenetic distance between
@@ -964,8 +964,8 @@
            The :math:`$(n-1)$` by 4 matrix encoding the linkage
            (hierarchical clustering).  See ``linkage`` documentation
            for more information on its form.
-       
 
+
     :Returns:
        - R : ndarray
            A :math:`$(n-1)$` by 5 matrix where the ``i``'th row

Modified: trunk/scipy/interpolate/interpolate_wrapper.py
===================================================================
--- trunk/scipy/interpolate/interpolate_wrapper.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/interpolate/interpolate_wrapper.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -119,20 +119,20 @@
     return new_y
 
 def block(x, y, new_x):
-        """ Essentially a step function.
-        
-            For each new_x[i], finds largest j such that
-            x[j] < new_x[j], and returns y[j].
-        """
-        # find index of values in x that preceed values in x
-        # This code is a little strange -- we really want a routine that
-        # returns the index of values where x[j] < x[index]
-        TINY = 1e-10
-        indices = np.searchsorted(x, new_x+TINY)-1
+    """ Essentially a step function.
+    
+        For each new_x[i], finds largest j such that
+        x[j] < new_x[j], and returns y[j].
+    """
+    # find index of values in x that preceed values in x
+    # This code is a little strange -- we really want a routine that
+    # returns the index of values where x[j] < x[index]
+    TINY = 1e-10
+    indices = np.searchsorted(x, new_x+TINY)-1
 
-        # If the value is at the front of the list, it'll have -1.
-        # In this case, we will use the first (0), element in the array.
-        # take requires the index array to be an Int
-        indices = np.atleast_1d(np.clip(indices, 0, np.Inf).astype(np.int))
-        new_y = np.take(y, indices, axis=-1)
-        return new_y
\ No newline at end of file
+    # If the value is at the front of the list, it'll have -1.
+    # In this case, we will use the first (0), element in the array.
+    # take requires the index array to be an Int
+    indices = np.atleast_1d(np.clip(indices, 0, np.Inf).astype(np.int))
+    new_y = np.take(y, indices, axis=-1)
+    return new_y

Modified: trunk/scipy/interpolate/setup.py
===================================================================
--- trunk/scipy/interpolate/setup.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/interpolate/setup.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -22,9 +22,9 @@
                         )
 
     config.add_extension('_interpolate',
-	                 sources=['src/_interpolate.cpp'],
-	                 include_dirs = ['src'],
-	                 depends = ['src/interpolate.h'])
+                         sources=['src/_interpolate.cpp'],
+                         include_dirs = ['src'],
+                         depends = ['src/interpolate.h'])
 
     config.add_data_dir('tests')
 

Modified: trunk/scipy/io/matlab/byteordercodes.py
===================================================================
--- trunk/scipy/io/matlab/byteordercodes.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/byteordercodes.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -18,21 +18,21 @@
            'swapped': ('swapped', 'S')}
 
 def to_numpy_code(code):
-    ''' Convert various order codings to numpy format 
+    ''' Convert various order codings to numpy format
     Parameters
     ----------
     code : {'little','big','l','b','le','be','<','>',
              'native','=',
              'swapped', 's'} string
           code is converted to lower case before parsing
-    
+
     Returns
     -------
     out_code : {'<','>'} string
-             where '<' is the numpy dtype code for little 
+             where '<' is the numpy dtype code for little
              endian, and '>' is the code for big endian
-    
 
+
     Examples
     --------
     >>> import sys
@@ -64,5 +64,3 @@
     else:
         raise ValueError(
             'We cannot handle byte order %s' % code)
-
-

Modified: trunk/scipy/io/matlab/mio.py
===================================================================
--- trunk/scipy/io/matlab/mio.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/mio.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -68,7 +68,7 @@
         raise NotImplementedError('Please use PyTables for matlab v7.3 (HDF) files')
     else:
         raise TypeError('Did not recognize version %s' % mv)
-    
+
 def loadmat(file_name,  mdict=None, appendmat=True, basename='raw', **kwargs):
     ''' Load Matlab(tm) file
 
@@ -96,8 +96,8 @@
                           (implies squeeze_me=False, chars_as_strings=False,
                           mat_dtype=True)
     struct_as_record    - whether to load matlab structs as numpy record arrays, or
-    			  as old-style numpy arrays with dtype=object.
-                          (warns if not set, and defaults to False.  non-recarrays 
+                          as old-style numpy arrays with dtype=object.
+                          (warns if not set, and defaults to False.  non-recarrays
                           cannot be exported via savemat.)
 
     v4 (Level 1.0), v6 and v7.1 matfiles are supported.

Modified: trunk/scipy/io/matlab/mio5.py
===================================================================
--- trunk/scipy/io/matlab/mio5.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/mio5.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -202,7 +202,7 @@
             mod8 = byte_count % 8
             if mod8:
                 self.mat_stream.seek(8 - mod8, 1)
-            
+
         if mdtype in self.codecs: # encoded char data
             codec = self.codecs[mdtype]
             if not codec:
@@ -216,7 +216,7 @@
                             buffer=raw_str)
             if copy:
                 el = el.copy()
-       
+
         return el
 
     def matrix_getter_factory(self):
@@ -428,7 +428,7 @@
         tupdims = tuple(self.header['dims'][::-1])
         length = np.product(tupdims)
         if self.struct_as_record:
-            result = np.empty(length, dtype=[(field_name, object) 
+            result = np.empty(length, dtype=[(field_name, object)
                                              for field_name in field_names])
             for i in range(length):
                 for field_name in field_names:
@@ -442,14 +442,14 @@
                 for name in field_names:
                     item.__dict__[name] = self.read_element()
                 result[i] = item
-        
+
         return result.reshape(tupdims).T
 
 class MatlabObject(object):
     ''' Class to contain read data from matlab objects '''
     def __init__(self, classname, field_names):
         self.__dict__['classname'] = classname
-        self.__dict__['mobj_recarray'] = np.empty((1,1), dtype=[(field_name, object) 
+        self.__dict__['mobj_recarray'] = np.empty((1,1), dtype=[(field_name, object)
                                             for field_name in field_names])
 
     def __getattr__(self, name):
@@ -464,8 +464,8 @@
             self.__dict__['mobj_recarray'][0,0][name] = value
         else:
             self.__dict__[name] = value
-        
 
+
 class Mat5ObjectMatrixGetter(Mat5MatrixGetter):
     def get_array(self):
         '''Matlab ojects are essentially structs, with an extra field, the classname.'''
@@ -495,7 +495,7 @@
 class MatFile5Reader(MatFileReader):
     ''' Reader for Mat 5 mat files
     Adds the following attribute to base class
-    
+
     uint16_codec       - char codec to use for uint16 char arrays
                           (defaults to system default codec)
    '''
@@ -513,9 +513,9 @@
         '''
         mat_stream : file-like
                      object with file API, open for reading
-        byte_order : {None, string} 
+        byte_order : {None, string}
                       specification of byte order, one of:
-		      ('native', '=', 'little', '<', 'BIG', '>')
+                      ('native', '=', 'little', '<', 'BIG', '>')
         mat_dtype : {True, False} boolean
                      If True, return arrays in same dtype as loaded into matlab
                      otherwise return with dtype with which they were saved
@@ -527,7 +527,7 @@
                      If True, returns matrices as would be loaded by matlab
                      (implies squeeze_me=False, chars_as_strings=False
                      mat_dtype=True, struct_as_record=True)
-        struct_as_record : {False, True} boolean 
+        struct_as_record : {False, True} boolean
                      If True, return strutures as numpy records,
                      otherwise, return as custom object (for
                      compatibility with scipy 0.6)
@@ -766,8 +766,8 @@
     def __init__(self, file_stream, arr, name, is_global=False, unicode_strings=False):
         super(Mat5CompositeWriter, self).__init__(file_stream, arr, name, is_global)
         self.unicode_strings = unicode_strings
-        
 
+
 class Mat5CellWriter(Mat5CompositeWriter):
     def write(self):
         self.write_header(mclass=mxCELL_CLASS)
@@ -797,12 +797,12 @@
 class Mat5StructWriter(Mat5CompositeWriter):
     def write(self):
         self.write_header(mclass=mxSTRUCT_CLASS)
-        
+
         # write fieldnames
         fieldnames = [f[0] for f in self.arr.dtype.descr]
         self.write_element(np.array([32], dtype='i4'))
         self.write_element(np.array(fieldnames, dtype='S32'), mdtype=miINT8)
-        
+
         A = np.atleast_2d(self.arr).flatten('F')
         MWG = Mat5WriterGetter(self.file_stream, self.unicode_strings)
         for el in A:
@@ -826,7 +826,7 @@
         fieldnames = [f[0] for f in self.arr.dtype.descr]
         self.write_element(np.array([32], dtype='i4'))
         self.write_element(np.array(fieldnames, dtype='S32'), mdtype=miINT8)
-        
+
         A = np.atleast_2d(self.arr).flatten('F')
         MWG = Mat5WriterGetter(self.file_stream, self.unicode_strings)
         for el in A:
@@ -835,7 +835,7 @@
                 MW.write()
         self.update_matrix_tag()
 
-    
+
 class Mat5WriterGetter(object):
     ''' Wraps stream and options, provides methods for getting Writer objects '''
     def __init__(self, stream, unicode_strings):
@@ -854,12 +854,12 @@
         if spsparse:
             if spsparse.issparse(arr):
                 return Mat5SparseWriter(self.stream, arr, name, is_global)
-            
+
         if isinstance(arr, MatlabFunctionMatrix):
             return Mat5FunctionWriter(self.stream, arr, name, is_global, self.unicode_strings)
         if isinstance(arr, MatlabObject):
             return Mat5ObjectWriter(self.stream, arr, name, is_global, self.unicode_strings)
-        
+
         arr = np.array(arr)
         if arr.dtype.hasobject:
             if arr.dtype.fields == None:

Modified: trunk/scipy/io/matlab/miobase.py
===================================================================
--- trunk/scipy/io/matlab/miobase.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/miobase.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -29,7 +29,7 @@
      #. 0,x -> version 4 format mat files
      #. 1,x -> version 5 format mat files
      #. 2,x -> version 7.3 format mat files (HDF format)
-     
+
     Parameters
     ----------
     fileobj : {file-like}
@@ -54,7 +54,7 @@
     if 0 in mopt_bytes:
         fileobj.seek(0)
         return (0,0)
-    
+
     # For 5 format or 7.3 format we need to read an integer in the
     # header. Bytes 124 through 128 contain a version integer and an
     # endian test string
@@ -144,9 +144,9 @@
         '''
         mat_stream : file-like
                      object with file API, open for reading
-        byte_order : {None, string} 
+        byte_order : {None, string}
                       specification of byte order, one of:
-		      ('native', '=', 'little', '<', 'BIG', '>')
+                      ('native', '=', 'little', '<', 'BIG', '>')
         mat_dtype : {True, False} boolean
                      If True, return arrays in same dtype as loaded into matlab
                      otherwise return with dtype with which they were saved
@@ -158,7 +158,7 @@
                      If True, returns matrices as would be loaded by matlab
                      (implies squeeze_me=False, chars_as_strings=False
                      mat_dtype=True)
- 
+
         '''
         # Initialize stream
         self.mat_stream = mat_stream
@@ -234,7 +234,7 @@
 
     def matrix_getter_factory(self):
         assert False, 'Not implemented'
-    
+
     def file_header(self):
         return {}
 

Modified: trunk/scipy/io/matlab/tests/test_byteordercodes.py
===================================================================
--- trunk/scipy/io/matlab/tests/test_byteordercodes.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/tests/test_byteordercodes.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -11,13 +11,13 @@
 def test_native():
     native_is_le = sys.byteorder == 'little'
     assert sibc.sys_is_le == native_is_le
-    
+
 def test_to_numpy():
     if sys.byteorder == 'little':
         assert sibc.to_numpy_code('native') == '<'
         assert sibc.to_numpy_code('swapped') == '>'
     else:
-        assert sibc.to_numpy_code('native') == '>' 
+        assert sibc.to_numpy_code('native') == '>'
         assert sibc.to_numpy_code('swapped') == '<'
     assert sibc.to_numpy_code('native') == sibc.to_numpy_code('=')
     assert sibc.to_numpy_code('big') == '>'
@@ -26,5 +26,3 @@
     for code in ('big', '>', 'b', 'B', 'be'):
         assert sibc.to_numpy_code(code) == '>'
     assert_raises(ValueError, sibc.to_numpy_code, 'silly string')
-   
-

Modified: trunk/scipy/io/matlab/tests/test_mio.py
===================================================================
--- trunk/scipy/io/matlab/tests/test_mio.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/io/matlab/tests/test_mio.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -70,7 +70,7 @@
             assert k in matdict, "Missing key at %s" % k_label
             _check_level(k_label, expected, matdict[k])
 
-# Round trip tests 
+# Round trip tests
 def _rt_check_case(name, expected, format):
     mat_stream = StringIO()
     savemat(mat_stream, expected, format=format)
@@ -155,7 +155,7 @@
      'expected': {'testsparsefloat': SP.csc_matrix(array([[-1+2j,0,2],[0,-3j,0]]))},
      },
     ]
-st = array([(u'Rats live on no evil star.', array([sqrt(2),exp(1),pi]), (1+1j)*array([sqrt(2),exp(1),pi]))], 
+st = array([(u'Rats live on no evil star.', array([sqrt(2),exp(1),pi]), (1+1j)*array([sqrt(2),exp(1),pi]))],
            dtype=[(n, object) for n in ['stringfield', 'doublefield', 'complexfield']])
 case_table5.append(
     {'name': 'struct',
@@ -253,7 +253,7 @@
     assert_array_almost_equal(actual['x'].todense(),
                               expected['x'].todense())
 
-    
+
 def test_mat73():
     # Check any hdf5 files raise an error
     filenames = glob(

Modified: trunk/scipy/ndimage/filters.py
===================================================================
--- trunk/scipy/ndimage/filters.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/ndimage/filters.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -45,7 +45,7 @@
 def moredoc(*args):
     def decorate(f):
         if f.__doc__ is not None:
-            for a in args: 
+            for a in args:
                 f.__doc__ += a
         return f
     return decorate

Modified: trunk/scipy/optimize/tests/test_nnls.py
===================================================================
--- trunk/scipy/optimize/tests/test_nnls.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/optimize/tests/test_nnls.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -22,6 +22,3 @@
 
 if __name__ == "__main__":
     run_module_suite()
-
-
-

Modified: trunk/scipy/sparse/base.py
===================================================================
--- trunk/scipy/sparse/base.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/base.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -211,8 +211,8 @@
             return getattr(self,'to' + format)()
 
     ###################################################################
-    #  NOTE: All arithmetic operations use csr_matrix by default.  
-    # Therefore a new sparse matrix format just needs to define a 
+    #  NOTE: All arithmetic operations use csr_matrix by default.
+    # Therefore a new sparse matrix format just needs to define a
     # .tocsr() method to provide arithmetic support.  Any of these
     # methods can be overridden for efficiency.
     ####################################################################

Modified: trunk/scipy/sparse/construct.py
===================================================================
--- trunk/scipy/sparse/construct.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/construct.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -453,7 +453,7 @@
                              "diagonal %s." % k)
 
     out = lil_matrix((m,n),dtype=dtype)
-    
+
     from itertools import izip
     for k,diag in izip(offsets,diags):
         for ix,c in enumerate(xrange(np.clip(k,0,n),np.clip(m+k,0,n))):

Modified: trunk/scipy/sparse/dok.py
===================================================================
--- trunk/scipy/sparse/dok.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/dok.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -14,8 +14,8 @@
 
 class dok_matrix(spmatrix, dict):
     """Dictionary Of Keys based sparse matrix.
-    
-    This is an efficient structure for constructing sparse 
+
+    This is an efficient structure for constructing sparse
     matrices incrementally.
 
     This can be instatiated in several ways:

Modified: trunk/scipy/sparse/lil.py
===================================================================
--- trunk/scipy/sparse/lil.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/lil.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -15,7 +15,7 @@
 class lil_matrix(spmatrix):
     """Row-based linked list sparse matrix
 
-    This is an efficient structure for constructing sparse 
+    This is an efficient structure for constructing sparse
     matrices incrementally.
 
     This can be instantiated in several ways:

Modified: trunk/scipy/sparse/linalg/isolve/iterative.py
===================================================================
--- trunk/scipy/sparse/linalg/isolve/iterative.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/linalg/isolve/iterative.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -400,7 +400,7 @@
                b or use xtype='f','d','F',or 'D'
     callback -- an optional user-supplied function to call after each
                 iteration.  It is called as callback(rk), where rk is the
-                the current relative residual 
+                the current relative residual
     """
     A,M,x,b,postprocess = make_system(A,M,x0,b,xtype)
 
@@ -442,7 +442,7 @@
             if resid_ready and callback is not None:
                 callback(resid)
                 resid_ready = False
-            
+
             break
         elif (ijob == 1):
             work[slice2] *= sclr2
@@ -452,7 +452,7 @@
             if not first_pass and old_ijob==3:
                 resid_ready = True
 
-            first_pass = False    
+            first_pass = False
         elif (ijob == 3):
             work[slice2] *= sclr2
             work[slice2] += sclr1*matvec(work[slice1])
@@ -466,7 +466,7 @@
                 info = -1
                 ftflag = False
             bnrm2, resid, info = stoptest(work[slice1], b, bnrm2, tol, info)
-        
+
         old_ijob = ijob
         ijob = 2
 

Modified: trunk/scipy/sparse/linalg/isolve/tests/test_iterative.py
===================================================================
--- trunk/scipy/sparse/linalg/isolve/tests/test_iterative.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/linalg/isolve/tests/test_iterative.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -61,7 +61,7 @@
         #data[1,:] = -1
         #A = spdiags( data, [0,-1], 10, 10, format='csr')
         #self.cases.append( (A,False,True) )
-    
+
     def test_maxiter(self):
         """test whether maxiter is respected"""
 
@@ -76,7 +76,7 @@
                 residuals.append( norm(b - A*x) )
 
             x, info = solver(A, b, x0=x0, tol=1e-8, maxiter=3, callback=callback)
-           
+
             assert(len(residuals) in [2,3])
 
             # TODO enforce this condition instead!
@@ -169,8 +169,8 @@
 
 
 class TestGMRES(TestCase):
-    def test_callback(self):  
-        
+    def test_callback(self):
+
         def store_residual(r, rvec):
             rvec[rvec.nonzero()[0].max()+1] = r
 

Modified: trunk/scipy/sparse/sparsetools/bsr.py
===================================================================
--- trunk/scipy/sparse/sparsetools/bsr.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/sparsetools/bsr.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -51,484 +51,483 @@
 
 
 def bsr_diagonal(*args):
-  """
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax, signed char Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, unsigned char Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax, short Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, unsigned short Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax, int Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, unsigned int Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax, long long Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, unsigned long long Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax, float Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax, double Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax, long double Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, npy_cfloat_wrapper Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, npy_cdouble_wrapper Yx)
-    bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Yx)
     """
-  return _bsr.bsr_diagonal(*args)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax, signed char Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax, unsigned char Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax, short Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax, unsigned short Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax, int Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax, unsigned int Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax, long long Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, unsigned long long Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax, float Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax, double Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax, long double Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, npy_cfloat_wrapper Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, npy_cdouble_wrapper Yx)
+      bsr_diagonal(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Yx)
+      """
+    return _bsr.bsr_diagonal(*args)
 
 def bsr_scale_rows(*args):
-  """
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax, signed char Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, unsigned char Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax, short Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, unsigned short Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax, int Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, unsigned int Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax, long long Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, unsigned long long Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax, float Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax, double Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax, long double Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx)
-    bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx)
     """
-  return _bsr.bsr_scale_rows(*args)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax, signed char Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax, unsigned char Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax, short Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax, unsigned short Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax, int Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax, unsigned int Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax, long long Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, unsigned long long Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax, float Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax, double Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax, long double Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx)
+      bsr_scale_rows(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx)
+      """
+    return _bsr.bsr_scale_rows(*args)
 
 def bsr_scale_columns(*args):
-  """
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax, signed char Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, unsigned char Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax, short Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, unsigned short Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax, int Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, unsigned int Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax, long long Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, unsigned long long Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax, float Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax, double Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax, long double Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx)
-    bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx)
     """
-  return _bsr.bsr_scale_columns(*args)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax, signed char Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax, unsigned char Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax, short Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax, unsigned short Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax, int Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax, unsigned int Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax, long long Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, unsigned long long Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax, float Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax, double Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax, long double Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx)
+      bsr_scale_columns(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx)
+      """
+    return _bsr.bsr_scale_columns(*args)
 
 def bsr_transpose(*args):
-  """
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx)
-    bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx)
     """
-  return _bsr.bsr_transpose(*args)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx)
+      bsr_transpose(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx)
+      """
+    return _bsr.bsr_transpose(*args)
 
 def bsr_matmat_pass2(*args):
-  """
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, signed char Ax, int Bp, int Bj, signed char Bx, 
-        int Cp, int Cj, signed char Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, unsigned char Ax, int Bp, int Bj, unsigned char Bx, 
-        int Cp, int Cj, unsigned char Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, short Ax, int Bp, int Bj, short Bx, 
-        int Cp, int Cj, short Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, unsigned short Ax, int Bp, int Bj, 
-        unsigned short Bx, int Cp, int Cj, unsigned short Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, int Ax, int Bp, int Bj, int Bx, int Cp, 
-        int Cj, int Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, unsigned int Ax, int Bp, int Bj, unsigned int Bx, 
-        int Cp, int Cj, unsigned int Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, long long Ax, int Bp, int Bj, long long Bx, 
-        int Cp, int Cj, long long Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, unsigned long long Ax, int Bp, int Bj, 
-        unsigned long long Bx, int Cp, int Cj, unsigned long long Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, float Ax, int Bp, int Bj, float Bx, 
-        int Cp, int Cj, float Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, double Ax, int Bp, int Bj, double Bx, 
-        int Cp, int Cj, double Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, long double Ax, int Bp, int Bj, long double Bx, 
-        int Cp, int Cj, long double Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, npy_cfloat_wrapper Ax, int Bp, int Bj, 
-        npy_cfloat_wrapper Bx, int Cp, int Cj, npy_cfloat_wrapper Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, npy_cdouble_wrapper Ax, int Bp, int Bj, 
-        npy_cdouble_wrapper Bx, int Cp, int Cj, 
-        npy_cdouble_wrapper Cx)
-    bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap, 
-        int Aj, npy_clongdouble_wrapper Ax, int Bp, 
-        int Bj, npy_clongdouble_wrapper Bx, int Cp, 
-        int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _bsr.bsr_matmat_pass2(*args)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, signed char Ax, int Bp, int Bj, signed char Bx,
+          int Cp, int Cj, signed char Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, unsigned char Ax, int Bp, int Bj, unsigned char Bx,
+          int Cp, int Cj, unsigned char Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, short Ax, int Bp, int Bj, short Bx,
+          int Cp, int Cj, short Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, unsigned short Ax, int Bp, int Bj,
+          unsigned short Bx, int Cp, int Cj, unsigned short Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, int Ax, int Bp, int Bj, int Bx, int Cp,
+          int Cj, int Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, unsigned int Ax, int Bp, int Bj, unsigned int Bx,
+          int Cp, int Cj, unsigned int Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, long long Ax, int Bp, int Bj, long long Bx,
+          int Cp, int Cj, long long Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, unsigned long long Ax, int Bp, int Bj,
+          unsigned long long Bx, int Cp, int Cj, unsigned long long Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, float Ax, int Bp, int Bj, float Bx,
+          int Cp, int Cj, float Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, double Ax, int Bp, int Bj, double Bx,
+          int Cp, int Cj, double Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, long double Ax, int Bp, int Bj, long double Bx,
+          int Cp, int Cj, long double Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, npy_cfloat_wrapper Ax, int Bp, int Bj,
+          npy_cfloat_wrapper Bx, int Cp, int Cj, npy_cfloat_wrapper Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, npy_cdouble_wrapper Ax, int Bp, int Bj,
+          npy_cdouble_wrapper Bx, int Cp, int Cj,
+          npy_cdouble_wrapper Cx)
+      bsr_matmat_pass2(int n_brow, int n_bcol, int R, int C, int N, int Ap,
+          int Aj, npy_clongdouble_wrapper Ax, int Bp,
+          int Bj, npy_clongdouble_wrapper Bx, int Cp,
+          int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _bsr.bsr_matmat_pass2(*args)
 
 def bsr_matvec(*args):
-  """
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax, signed char Xx, signed char Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, unsigned char Xx, unsigned char Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax, short Xx, short Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, unsigned short Xx, unsigned short Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax, int Xx, int Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, unsigned int Xx, unsigned int Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax, long long Xx, long long Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, unsigned long long Xx, 
-        unsigned long long Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax, float Xx, float Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax, double Xx, double Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax, long double Xx, long double Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _bsr.bsr_matvec(*args)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax, signed char Xx, signed char Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax, unsigned char Xx, unsigned char Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax, short Xx, short Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax, unsigned short Xx, unsigned short Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax, int Xx, int Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax, unsigned int Xx, unsigned int Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax, long long Xx, long long Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, unsigned long long Xx,
+          unsigned long long Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax, float Xx, float Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax, double Xx, double Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax, long double Xx, long double Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      bsr_matvec(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _bsr.bsr_matvec(*args)
 
 def bsr_matvecs(*args):
-  """
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, signed char Ax, signed char Xx, 
-        signed char Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, unsigned char Ax, unsigned char Xx, 
-        unsigned char Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, short Ax, short Xx, short Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, unsigned short Ax, unsigned short Xx, 
-        unsigned short Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, int Ax, int Xx, int Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, unsigned int Ax, unsigned int Xx, 
-        unsigned int Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, long long Ax, long long Xx, long long Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, unsigned long long Ax, unsigned long long Xx, 
-        unsigned long long Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, float Ax, float Xx, float Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, double Ax, double Xx, double Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, long double Ax, long double Xx, 
-        long double Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap, 
-        int Aj, npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _bsr.bsr_matvecs(*args)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, signed char Ax, signed char Xx,
+          signed char Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, unsigned char Ax, unsigned char Xx,
+          unsigned char Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, short Ax, short Xx, short Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, unsigned short Ax, unsigned short Xx,
+          unsigned short Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, int Ax, int Xx, int Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, unsigned int Ax, unsigned int Xx,
+          unsigned int Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, long long Ax, long long Xx, long long Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, unsigned long long Ax, unsigned long long Xx,
+          unsigned long long Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, float Ax, float Xx, float Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, double Ax, double Xx, double Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, long double Ax, long double Xx,
+          long double Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      bsr_matvecs(int n_brow, int n_bcol, int n_vecs, int R, int C, int Ap,
+          int Aj, npy_clongdouble_wrapper Ax, npy_clongdouble_wrapper Xx,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _bsr.bsr_matvecs(*args)
 
 def bsr_elmul_bsr(*args):
-  """
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx, 
-        int Cp, int Cj, signed char Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx, 
-        int Cp, int Cj, unsigned char Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx, int Cp, 
-        int Cj, short Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx, 
-        int Cp, int Cj, unsigned short Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx, int Cp, int Cj, 
-        int Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx, 
-        int Cp, int Cj, unsigned int Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx, 
-        int Cp, int Cj, long long Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx, int Cp, 
-        int Cj, float Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx, int Cp, 
-        int Cj, double Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx, 
-        int Cp, int Cj, long double Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _bsr.bsr_elmul_bsr(*args)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx,
+          int Cp, int Cj, signed char Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx,
+          int Cp, int Cj, unsigned char Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx, int Cp,
+          int Cj, short Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx,
+          int Cp, int Cj, unsigned short Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx, int Cp, int Cj,
+          int Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx,
+          int Cp, int Cj, unsigned int Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx,
+          int Cp, int Cj, long long Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx, int Cp,
+          int Cj, float Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx, int Cp,
+          int Cj, double Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx,
+          int Cp, int Cj, long double Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      bsr_elmul_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _bsr.bsr_elmul_bsr(*args)
 
 def bsr_eldiv_bsr(*args):
-  """
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx, 
-        int Cp, int Cj, signed char Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx, 
-        int Cp, int Cj, unsigned char Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx, int Cp, 
-        int Cj, short Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx, 
-        int Cp, int Cj, unsigned short Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx, int Cp, int Cj, 
-        int Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx, 
-        int Cp, int Cj, unsigned int Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx, 
-        int Cp, int Cj, long long Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx, int Cp, 
-        int Cj, float Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx, int Cp, 
-        int Cj, double Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx, 
-        int Cp, int Cj, long double Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _bsr.bsr_eldiv_bsr(*args)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx,
+          int Cp, int Cj, signed char Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx,
+          int Cp, int Cj, unsigned char Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx, int Cp,
+          int Cj, short Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx,
+          int Cp, int Cj, unsigned short Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx, int Cp, int Cj,
+          int Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx,
+          int Cp, int Cj, unsigned int Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx,
+          int Cp, int Cj, long long Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx, int Cp,
+          int Cj, float Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx, int Cp,
+          int Cj, double Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx,
+          int Cp, int Cj, long double Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      bsr_eldiv_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _bsr.bsr_eldiv_bsr(*args)
 
 def bsr_plus_bsr(*args):
-  """
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx, 
-        int Cp, int Cj, signed char Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx, 
-        int Cp, int Cj, unsigned char Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx, int Cp, 
-        int Cj, short Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx, 
-        int Cp, int Cj, unsigned short Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx, int Cp, int Cj, 
-        int Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx, 
-        int Cp, int Cj, unsigned int Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx, 
-        int Cp, int Cj, long long Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx, int Cp, 
-        int Cj, float Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx, int Cp, 
-        int Cj, double Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx, 
-        int Cp, int Cj, long double Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _bsr.bsr_plus_bsr(*args)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx,
+          int Cp, int Cj, signed char Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx,
+          int Cp, int Cj, unsigned char Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx, int Cp,
+          int Cj, short Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx,
+          int Cp, int Cj, unsigned short Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx, int Cp, int Cj,
+          int Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx,
+          int Cp, int Cj, unsigned int Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx,
+          int Cp, int Cj, long long Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx, int Cp,
+          int Cj, float Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx, int Cp,
+          int Cj, double Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx,
+          int Cp, int Cj, long double Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      bsr_plus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _bsr.bsr_plus_bsr(*args)
 
 def bsr_minus_bsr(*args):
-  """
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx, 
-        int Cp, int Cj, signed char Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx, 
-        int Cp, int Cj, unsigned char Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx, int Cp, 
-        int Cj, short Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx, 
-        int Cp, int Cj, unsigned short Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx, int Cp, int Cj, 
-        int Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx, 
-        int Cp, int Cj, unsigned int Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx, 
-        int Cp, int Cj, long long Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx, int Cp, 
-        int Cj, float Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx, int Cp, 
-        int Cj, double Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx, 
-        int Cp, int Cj, long double Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _bsr.bsr_minus_bsr(*args)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx,
+          int Cp, int Cj, signed char Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx,
+          int Cp, int Cj, unsigned char Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx, int Cp,
+          int Cj, short Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx,
+          int Cp, int Cj, unsigned short Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx, int Cp, int Cj,
+          int Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx,
+          int Cp, int Cj, unsigned int Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx,
+          int Cp, int Cj, long long Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx, int Cp,
+          int Cj, float Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx, int Cp,
+          int Cj, double Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx,
+          int Cp, int Cj, long double Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      bsr_minus_bsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx, int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _bsr.bsr_minus_bsr(*args)
 
 def bsr_sort_indices(*args):
-  """
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        signed char Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned char Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        short Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned short Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        int Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned int Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long long Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        float Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        double Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        long double Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax)
-    bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax)
     """
-  return _bsr.bsr_sort_indices(*args)
-
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          signed char Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned char Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          short Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned short Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          int Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned int Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long long Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          unsigned long long Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          float Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          double Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          long double Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax)
+      bsr_sort_indices(int n_brow, int n_bcol, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax)
+      """
+    return _bsr.bsr_sort_indices(*args)

Modified: trunk/scipy/sparse/sparsetools/coo.py
===================================================================
--- trunk/scipy/sparse/sparsetools/coo.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/sparsetools/coo.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -50,135 +50,134 @@
 
 
 def coo_count_diagonals(*args):
-  """coo_count_diagonals(int nnz, int Ai, int Aj) -> int"""
-  return _coo.coo_count_diagonals(*args)
+    """coo_count_diagonals(int nnz, int Ai, int Aj) -> int"""
+    return _coo.coo_count_diagonals(*args)
 
 
 def coo_tocsr(*args):
-  """
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax, 
-        int Bp, int Bj, short Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax, 
-        int Bp, int Bj, int Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax, 
-        int Bp, int Bj, float Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax, 
-        int Bp, int Bj, double Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx)
-    coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx)
     """
-  return _coo.coo_tocsr(*args)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax,
+          int Bp, int Bj, short Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax,
+          int Bp, int Bj, int Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax,
+          int Bp, int Bj, float Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax,
+          int Bp, int Bj, double Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx)
+      coo_tocsr(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx)
+      """
+    return _coo.coo_tocsr(*args)
 
 def coo_tocsc(*args):
-  """
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax, 
-        int Bp, int Bi, signed char Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax, 
-        int Bp, int Bi, short Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax, 
-        int Bp, int Bi, int Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax, 
-        int Bp, int Bi, long long Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax, 
-        int Bp, int Bi, float Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax, 
-        int Bp, int Bi, double Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax, 
-        int Bp, int Bi, long double Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx)
-    coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx)
     """
-  return _coo.coo_tocsc(*args)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax,
+          int Bp, int Bi, signed char Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax,
+          int Bp, int Bi, short Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax,
+          int Bp, int Bi, int Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax,
+          int Bp, int Bi, long long Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax,
+          int Bp, int Bi, float Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax,
+          int Bp, int Bi, double Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax,
+          int Bp, int Bi, long double Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx)
+      coo_tocsc(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx)
+      """
+    return _coo.coo_tocsc(*args)
 
 def coo_todense(*args):
-  """
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax, 
-        signed char Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax, 
-        unsigned char Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax, 
-        short Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax, 
-        unsigned short Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax, 
-        int Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax, 
-        unsigned int Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax, 
-        long long Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax, 
-        unsigned long long Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax, 
-        float Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax, 
-        double Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax, 
-        long double Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Bx)
-    coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Bx)
     """
-  return _coo.coo_todense(*args)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, signed char Ax,
+          signed char Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned char Ax,
+          unsigned char Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, short Ax,
+          short Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned short Ax,
+          unsigned short Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, int Ax,
+          int Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned int Ax,
+          unsigned int Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, long long Ax,
+          long long Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, unsigned long long Ax,
+          unsigned long long Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, float Ax,
+          float Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, double Ax,
+          double Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, long double Ax,
+          long double Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Bx)
+      coo_todense(int n_row, int n_col, int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Bx)
+      """
+    return _coo.coo_todense(*args)
 
 def coo_matvec(*args):
-  """
-    coo_matvec(int nnz, int Ai, int Aj, signed char Ax, signed char Xx, 
-        signed char Yx)
-    coo_matvec(int nnz, int Ai, int Aj, unsigned char Ax, unsigned char Xx, 
-        unsigned char Yx)
-    coo_matvec(int nnz, int Ai, int Aj, short Ax, short Xx, short Yx)
-    coo_matvec(int nnz, int Ai, int Aj, unsigned short Ax, unsigned short Xx, 
-        unsigned short Yx)
-    coo_matvec(int nnz, int Ai, int Aj, int Ax, int Xx, int Yx)
-    coo_matvec(int nnz, int Ai, int Aj, unsigned int Ax, unsigned int Xx, 
-        unsigned int Yx)
-    coo_matvec(int nnz, int Ai, int Aj, long long Ax, long long Xx, 
-        long long Yx)
-    coo_matvec(int nnz, int Ai, int Aj, unsigned long long Ax, unsigned long long Xx, 
-        unsigned long long Yx)
-    coo_matvec(int nnz, int Ai, int Aj, float Ax, float Xx, float Yx)
-    coo_matvec(int nnz, int Ai, int Aj, double Ax, double Xx, double Yx)
-    coo_matvec(int nnz, int Ai, int Aj, long double Ax, long double Xx, 
-        long double Yx)
-    coo_matvec(int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    coo_matvec(int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    coo_matvec(int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
     """
-  return _coo.coo_matvec(*args)
-
+      coo_matvec(int nnz, int Ai, int Aj, signed char Ax, signed char Xx,
+          signed char Yx)
+      coo_matvec(int nnz, int Ai, int Aj, unsigned char Ax, unsigned char Xx,
+          unsigned char Yx)
+      coo_matvec(int nnz, int Ai, int Aj, short Ax, short Xx, short Yx)
+      coo_matvec(int nnz, int Ai, int Aj, unsigned short Ax, unsigned short Xx,
+          unsigned short Yx)
+      coo_matvec(int nnz, int Ai, int Aj, int Ax, int Xx, int Yx)
+      coo_matvec(int nnz, int Ai, int Aj, unsigned int Ax, unsigned int Xx,
+          unsigned int Yx)
+      coo_matvec(int nnz, int Ai, int Aj, long long Ax, long long Xx,
+          long long Yx)
+      coo_matvec(int nnz, int Ai, int Aj, unsigned long long Ax, unsigned long long Xx,
+          unsigned long long Yx)
+      coo_matvec(int nnz, int Ai, int Aj, float Ax, float Xx, float Yx)
+      coo_matvec(int nnz, int Ai, int Aj, double Ax, double Xx, double Yx)
+      coo_matvec(int nnz, int Ai, int Aj, long double Ax, long double Xx,
+          long double Yx)
+      coo_matvec(int nnz, int Ai, int Aj, npy_cfloat_wrapper Ax, npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      coo_matvec(int nnz, int Ai, int Aj, npy_cdouble_wrapper Ax, npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      coo_matvec(int nnz, int Ai, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
+      """
+    return _coo.coo_matvec(*args)

Modified: trunk/scipy/sparse/sparsetools/csc.py
===================================================================
--- trunk/scipy/sparse/sparsetools/csc.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/sparsetools/csc.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -50,357 +50,356 @@
 
 
 def csc_matmat_pass1(*args):
-  """
-    csc_matmat_pass1(int n_row, int n_col, int Ap, int Ai, int Bp, int Bi, 
-        int Cp)
     """
-  return _csc.csc_matmat_pass1(*args)
+      csc_matmat_pass1(int n_row, int n_col, int Ap, int Ai, int Bp, int Bi,
+          int Cp)
+      """
+    return _csc.csc_matmat_pass1(*args)
 
 
 def csc_diagonal(*args):
-  """
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        signed char Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, short Ax, short Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, int Ax, int Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        long long Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, float Ax, float Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, double Ax, double Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        long double Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Yx)
-    csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _csc.csc_diagonal(*args)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          signed char Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          unsigned char Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, short Ax, short Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          unsigned short Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, int Ax, int Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          unsigned int Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          long long Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, float Ax, float Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, double Ax, double Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          long double Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Yx)
+      csc_diagonal(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _csc.csc_diagonal(*args)
 
 def csc_tocsr(*args):
-  """
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bj, signed char Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bj, short Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bj, int Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bj, long long Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bj, float Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bj, double Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bj, long double Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx)
-    csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx)
     """
-  return _csc.csc_tocsr(*args)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bj, signed char Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bj, short Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bj, int Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bj, long long Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bj, float Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bj, double Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bj, long double Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx)
+      csc_tocsr(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx)
+      """
+    return _csc.csc_tocsr(*args)
 
 def csc_matmat_pass2(*args):
-  """
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bi, signed char Bx, int Cp, int Ci, 
-        signed char Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx, int Cp, 
-        int Ci, unsigned char Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bi, short Bx, int Cp, int Ci, short Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx, int Cp, 
-        int Ci, unsigned short Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bi, int Bx, int Cp, int Ci, int Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx, int Cp, 
-        int Ci, unsigned int Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bi, long long Bx, int Cp, int Ci, 
-        long long Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx, 
-        int Cp, int Ci, unsigned long long Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bi, float Bx, int Cp, int Ci, float Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bi, double Bx, int Cp, int Ci, double Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bi, long double Bx, int Cp, int Ci, 
-        long double Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx, 
-        int Cp, int Ci, npy_cfloat_wrapper Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx, 
-        int Cp, int Ci, npy_cdouble_wrapper Cx)
-    csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx, 
-        int Cp, int Ci, npy_clongdouble_wrapper Cx)
     """
-  return _csc.csc_matmat_pass2(*args)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bi, signed char Bx, int Cp, int Ci,
+          signed char Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx, int Cp,
+          int Ci, unsigned char Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bi, short Bx, int Cp, int Ci, short Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx, int Cp,
+          int Ci, unsigned short Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bi, int Bx, int Cp, int Ci, int Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx, int Cp,
+          int Ci, unsigned int Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bi, long long Bx, int Cp, int Ci,
+          long long Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx,
+          int Cp, int Ci, unsigned long long Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bi, float Bx, int Cp, int Ci, float Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bi, double Bx, int Cp, int Ci, double Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bi, long double Bx, int Cp, int Ci,
+          long double Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx,
+          int Cp, int Ci, npy_cfloat_wrapper Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx,
+          int Cp, int Ci, npy_cdouble_wrapper Cx)
+      csc_matmat_pass2(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx,
+          int Cp, int Ci, npy_clongdouble_wrapper Cx)
+      """
+    return _csc.csc_matmat_pass2(*args)
 
 def csc_matvec(*args):
-  """
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        signed char Xx, signed char Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        unsigned char Xx, unsigned char Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, short Ax, short Xx, 
-        short Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        unsigned short Xx, unsigned short Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, int Ax, int Xx, 
-        int Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        unsigned int Xx, unsigned int Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        long long Xx, long long Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        unsigned long long Xx, unsigned long long Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, float Ax, float Xx, 
-        float Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, double Ax, double Xx, 
-        double Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        long double Xx, long double Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx, npy_cfloat_wrapper Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx, npy_cdouble_wrapper Yx)
-    csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
     """
-  return _csc.csc_matvec(*args)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          signed char Xx, signed char Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          unsigned char Xx, unsigned char Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, short Ax, short Xx,
+          short Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          unsigned short Xx, unsigned short Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, int Ax, int Xx,
+          int Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          unsigned int Xx, unsigned int Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          long long Xx, long long Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          unsigned long long Xx, unsigned long long Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, float Ax, float Xx,
+          float Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, double Ax, double Xx,
+          double Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          long double Xx, long double Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx, npy_cfloat_wrapper Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx, npy_cdouble_wrapper Yx)
+      csc_matvec(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
+      """
+    return _csc.csc_matvec(*args)
 
 def csc_matvecs(*args):
-  """
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, signed char Ax, 
-        signed char Xx, signed char Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned char Ax, 
-        unsigned char Xx, unsigned char Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, short Ax, 
-        short Xx, short Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned short Ax, 
-        unsigned short Xx, unsigned short Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, int Ax, 
-        int Xx, int Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned int Ax, 
-        unsigned int Xx, unsigned int Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, long long Ax, 
-        long long Xx, long long Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned long long Ax, 
-        unsigned long long Xx, 
-        unsigned long long Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, float Ax, 
-        float Xx, float Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, double Ax, 
-        double Xx, double Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, long double Ax, 
-        long double Xx, long double Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _csc.csc_matvecs(*args)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, signed char Ax,
+          signed char Xx, signed char Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned char Ax,
+          unsigned char Xx, unsigned char Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, short Ax,
+          short Xx, short Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned short Ax,
+          unsigned short Xx, unsigned short Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, int Ax,
+          int Xx, int Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned int Ax,
+          unsigned int Xx, unsigned int Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, long long Ax,
+          long long Xx, long long Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, unsigned long long Ax,
+          unsigned long long Xx,
+          unsigned long long Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, float Ax,
+          float Xx, float Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, double Ax,
+          double Xx, double Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, long double Ax,
+          long double Xx, long double Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      csc_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _csc.csc_matvecs(*args)
 
 def csc_elmul_csc(*args):
-  """
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bi, signed char Bx, int Cp, int Ci, 
-        signed char Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx, int Cp, 
-        int Ci, unsigned char Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bi, short Bx, int Cp, int Ci, short Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx, int Cp, 
-        int Ci, unsigned short Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bi, int Bx, int Cp, int Ci, int Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx, int Cp, 
-        int Ci, unsigned int Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bi, long long Bx, int Cp, int Ci, 
-        long long Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx, 
-        int Cp, int Ci, unsigned long long Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bi, float Bx, int Cp, int Ci, float Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bi, double Bx, int Cp, int Ci, double Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bi, long double Bx, int Cp, int Ci, 
-        long double Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx, 
-        int Cp, int Ci, npy_cfloat_wrapper Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx, 
-        int Cp, int Ci, npy_cdouble_wrapper Cx)
-    csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx, 
-        int Cp, int Ci, npy_clongdouble_wrapper Cx)
     """
-  return _csc.csc_elmul_csc(*args)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bi, signed char Bx, int Cp, int Ci,
+          signed char Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx, int Cp,
+          int Ci, unsigned char Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bi, short Bx, int Cp, int Ci, short Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx, int Cp,
+          int Ci, unsigned short Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bi, int Bx, int Cp, int Ci, int Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx, int Cp,
+          int Ci, unsigned int Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bi, long long Bx, int Cp, int Ci,
+          long long Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx,
+          int Cp, int Ci, unsigned long long Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bi, float Bx, int Cp, int Ci, float Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bi, double Bx, int Cp, int Ci, double Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bi, long double Bx, int Cp, int Ci,
+          long double Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx,
+          int Cp, int Ci, npy_cfloat_wrapper Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx,
+          int Cp, int Ci, npy_cdouble_wrapper Cx)
+      csc_elmul_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx,
+          int Cp, int Ci, npy_clongdouble_wrapper Cx)
+      """
+    return _csc.csc_elmul_csc(*args)
 
 def csc_eldiv_csc(*args):
-  """
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bi, signed char Bx, int Cp, int Ci, 
-        signed char Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx, int Cp, 
-        int Ci, unsigned char Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bi, short Bx, int Cp, int Ci, short Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx, int Cp, 
-        int Ci, unsigned short Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bi, int Bx, int Cp, int Ci, int Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx, int Cp, 
-        int Ci, unsigned int Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bi, long long Bx, int Cp, int Ci, 
-        long long Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx, 
-        int Cp, int Ci, unsigned long long Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bi, float Bx, int Cp, int Ci, float Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bi, double Bx, int Cp, int Ci, double Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bi, long double Bx, int Cp, int Ci, 
-        long double Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx, 
-        int Cp, int Ci, npy_cfloat_wrapper Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx, 
-        int Cp, int Ci, npy_cdouble_wrapper Cx)
-    csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx, 
-        int Cp, int Ci, npy_clongdouble_wrapper Cx)
     """
-  return _csc.csc_eldiv_csc(*args)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bi, signed char Bx, int Cp, int Ci,
+          signed char Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx, int Cp,
+          int Ci, unsigned char Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bi, short Bx, int Cp, int Ci, short Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx, int Cp,
+          int Ci, unsigned short Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bi, int Bx, int Cp, int Ci, int Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx, int Cp,
+          int Ci, unsigned int Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bi, long long Bx, int Cp, int Ci,
+          long long Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx,
+          int Cp, int Ci, unsigned long long Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bi, float Bx, int Cp, int Ci, float Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bi, double Bx, int Cp, int Ci, double Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bi, long double Bx, int Cp, int Ci,
+          long double Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx,
+          int Cp, int Ci, npy_cfloat_wrapper Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx,
+          int Cp, int Ci, npy_cdouble_wrapper Cx)
+      csc_eldiv_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx,
+          int Cp, int Ci, npy_clongdouble_wrapper Cx)
+      """
+    return _csc.csc_eldiv_csc(*args)
 
 def csc_plus_csc(*args):
-  """
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bi, signed char Bx, int Cp, int Ci, 
-        signed char Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx, int Cp, 
-        int Ci, unsigned char Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bi, short Bx, int Cp, int Ci, short Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx, int Cp, 
-        int Ci, unsigned short Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bi, int Bx, int Cp, int Ci, int Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx, int Cp, 
-        int Ci, unsigned int Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bi, long long Bx, int Cp, int Ci, 
-        long long Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx, 
-        int Cp, int Ci, unsigned long long Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bi, float Bx, int Cp, int Ci, float Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bi, double Bx, int Cp, int Ci, double Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bi, long double Bx, int Cp, int Ci, 
-        long double Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx, 
-        int Cp, int Ci, npy_cfloat_wrapper Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx, 
-        int Cp, int Ci, npy_cdouble_wrapper Cx)
-    csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx, 
-        int Cp, int Ci, npy_clongdouble_wrapper Cx)
     """
-  return _csc.csc_plus_csc(*args)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bi, signed char Bx, int Cp, int Ci,
+          signed char Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx, int Cp,
+          int Ci, unsigned char Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bi, short Bx, int Cp, int Ci, short Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx, int Cp,
+          int Ci, unsigned short Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bi, int Bx, int Cp, int Ci, int Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx, int Cp,
+          int Ci, unsigned int Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bi, long long Bx, int Cp, int Ci,
+          long long Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx,
+          int Cp, int Ci, unsigned long long Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bi, float Bx, int Cp, int Ci, float Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bi, double Bx, int Cp, int Ci, double Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bi, long double Bx, int Cp, int Ci,
+          long double Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx,
+          int Cp, int Ci, npy_cfloat_wrapper Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx,
+          int Cp, int Ci, npy_cdouble_wrapper Cx)
+      csc_plus_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx,
+          int Cp, int Ci, npy_clongdouble_wrapper Cx)
+      """
+    return _csc.csc_plus_csc(*args)
 
 def csc_minus_csc(*args):
-  """
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax, 
-        int Bp, int Bi, signed char Bx, int Cp, int Ci, 
-        signed char Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx, int Cp, 
-        int Ci, unsigned char Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp, 
-        int Bi, short Bx, int Cp, int Ci, short Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx, int Cp, 
-        int Ci, unsigned short Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp, 
-        int Bi, int Bx, int Cp, int Ci, int Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx, int Cp, 
-        int Ci, unsigned int Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, long long Ax, 
-        int Bp, int Bi, long long Bx, int Cp, int Ci, 
-        long long Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx, 
-        int Cp, int Ci, unsigned long long Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp, 
-        int Bi, float Bx, int Cp, int Ci, float Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp, 
-        int Bi, double Bx, int Cp, int Ci, double Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, long double Ax, 
-        int Bp, int Bi, long double Bx, int Cp, int Ci, 
-        long double Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx, 
-        int Cp, int Ci, npy_cfloat_wrapper Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx, 
-        int Cp, int Ci, npy_cdouble_wrapper Cx)
-    csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx, 
-        int Cp, int Ci, npy_clongdouble_wrapper Cx)
     """
-  return _csc.csc_minus_csc(*args)
-
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, signed char Ax,
+          int Bp, int Bi, signed char Bx, int Cp, int Ci,
+          signed char Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx, int Cp,
+          int Ci, unsigned char Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, short Ax, int Bp,
+          int Bi, short Bx, int Cp, int Ci, short Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx, int Cp,
+          int Ci, unsigned short Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, int Ax, int Bp,
+          int Bi, int Bx, int Cp, int Ci, int Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx, int Cp,
+          int Ci, unsigned int Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, long long Ax,
+          int Bp, int Bi, long long Bx, int Cp, int Ci,
+          long long Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx,
+          int Cp, int Ci, unsigned long long Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, float Ax, int Bp,
+          int Bi, float Bx, int Cp, int Ci, float Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, double Ax, int Bp,
+          int Bi, double Bx, int Cp, int Ci, double Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, long double Ax,
+          int Bp, int Bi, long double Bx, int Cp, int Ci,
+          long double Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx,
+          int Cp, int Ci, npy_cfloat_wrapper Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx,
+          int Cp, int Ci, npy_cdouble_wrapper Cx)
+      csc_minus_csc(int n_row, int n_col, int Ap, int Ai, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx,
+          int Cp, int Ci, npy_clongdouble_wrapper Cx)
+      """
+    return _csc.csc_minus_csc(*args)

Modified: trunk/scipy/sparse/sparsetools/csr.py
===================================================================
--- trunk/scipy/sparse/sparsetools/csr.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/sparsetools/csr.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -50,569 +50,568 @@
 
 
 def expandptr(*args):
-  """expandptr(int n_row, int Ap, int Bi)"""
-  return _csr.expandptr(*args)
+    """expandptr(int n_row, int Ap, int Bi)"""
+    return _csr.expandptr(*args)
 
 def csr_matmat_pass1(*args):
-  """
-    csr_matmat_pass1(int n_row, int n_col, int Ap, int Aj, int Bp, int Bj, 
-        int Cp)
     """
-  return _csr.csr_matmat_pass1(*args)
+      csr_matmat_pass1(int n_row, int n_col, int Ap, int Aj, int Bp, int Bj,
+          int Cp)
+      """
+    return _csr.csr_matmat_pass1(*args)
 
 def csr_count_blocks(*args):
-  """csr_count_blocks(int n_row, int n_col, int R, int C, int Ap, int Aj) -> int"""
-  return _csr.csr_count_blocks(*args)
+    """csr_count_blocks(int n_row, int n_col, int R, int C, int Ap, int Aj) -> int"""
+    return _csr.csr_count_blocks(*args)
 
 def csr_has_sorted_indices(*args):
-  """csr_has_sorted_indices(int n_row, int Ap, int Aj) -> bool"""
-  return _csr.csr_has_sorted_indices(*args)
+    """csr_has_sorted_indices(int n_row, int Ap, int Aj) -> bool"""
+    return _csr.csr_has_sorted_indices(*args)
 
 
 def csr_diagonal(*args):
-  """
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        signed char Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, short Ax, short Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, int Ax, int Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        long long Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, float Ax, float Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, double Ax, double Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        long double Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Yx)
-    csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _csr.csr_diagonal(*args)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          signed char Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          unsigned char Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, short Ax, short Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          unsigned short Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, int Ax, int Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          unsigned int Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          long long Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, float Ax, float Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, double Ax, double Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          long double Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Yx)
+      csr_diagonal(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _csr.csr_diagonal(*args)
 
 def csr_scale_rows(*args):
-  """
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        signed char Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        long long Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        long double Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx)
-    csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx)
     """
-  return _csr.csr_scale_rows(*args)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          signed char Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          unsigned char Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          unsigned short Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          unsigned int Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          long long Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          long double Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx)
+      csr_scale_rows(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx)
+      """
+    return _csr.csr_scale_rows(*args)
 
 def csr_scale_columns(*args):
-  """
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        signed char Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        long long Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        long double Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx)
-    csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx)
     """
-  return _csr.csr_scale_columns(*args)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          signed char Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          unsigned char Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          unsigned short Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          unsigned int Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          long long Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          long double Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx)
+      csr_scale_columns(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx)
+      """
+    return _csr.csr_scale_columns(*args)
 
 def csr_tocsc(*args):
-  """
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bi, signed char Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bi, unsigned char Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bi, short Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bi, unsigned short Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bi, int Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bi, unsigned int Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bi, long long Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bi, unsigned long long Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bi, float Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bi, double Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bi, long double Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bi, npy_cfloat_wrapper Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bi, npy_cdouble_wrapper Bx)
-    csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bi, npy_clongdouble_wrapper Bx)
     """
-  return _csr.csr_tocsc(*args)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bi, signed char Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bi, unsigned char Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bi, short Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bi, unsigned short Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bi, int Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bi, unsigned int Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bi, long long Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bi, unsigned long long Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bi, float Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bi, double Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bi, long double Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bi, npy_cfloat_wrapper Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bi, npy_cdouble_wrapper Bx)
+      csr_tocsc(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bi, npy_clongdouble_wrapper Bx)
+      """
+    return _csr.csr_tocsc(*args)
 
 def csr_tobsr(*args):
-  """
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        signed char Ax, int Bp, int Bj, signed char Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned char Ax, int Bp, int Bj, unsigned char Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        short Ax, int Bp, int Bj, short Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned short Ax, int Bp, int Bj, unsigned short Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        int Ax, int Bp, int Bj, int Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned int Ax, int Bp, int Bj, unsigned int Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long long Ax, int Bp, int Bj, long long Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        unsigned long long Ax, int Bp, int Bj, unsigned long long Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        float Ax, int Bp, int Bj, float Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        double Ax, int Bp, int Bj, double Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        long double Ax, int Bp, int Bj, long double Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx)
-    csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj, 
-        npy_clongdouble_wrapper Ax, int Bp, int Bj, 
-        npy_clongdouble_wrapper Bx)
     """
-  return _csr.csr_tobsr(*args)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          signed char Ax, int Bp, int Bj, signed char Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned char Ax, int Bp, int Bj, unsigned char Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          short Ax, int Bp, int Bj, short Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned short Ax, int Bp, int Bj, unsigned short Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          int Ax, int Bp, int Bj, int Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned int Ax, int Bp, int Bj, unsigned int Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long long Ax, int Bp, int Bj, long long Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          unsigned long long Ax, int Bp, int Bj, unsigned long long Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          float Ax, int Bp, int Bj, float Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          double Ax, int Bp, int Bj, double Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          long double Ax, int Bp, int Bj, long double Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cfloat_wrapper Ax, int Bp, int Bj, npy_cfloat_wrapper Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_cdouble_wrapper Ax, int Bp, int Bj, npy_cdouble_wrapper Bx)
+      csr_tobsr(int n_row, int n_col, int R, int C, int Ap, int Aj,
+          npy_clongdouble_wrapper Ax, int Bp, int Bj,
+          npy_clongdouble_wrapper Bx)
+      """
+    return _csr.csr_tobsr(*args)
 
 def csr_matmat_pass2(*args):
-  """
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx, int Cp, int Cj, 
-        signed char Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx, int Cp, 
-        int Cj, unsigned char Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bj, short Bx, int Cp, int Cj, short Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx, int Cp, 
-        int Cj, unsigned short Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bj, int Bx, int Cp, int Cj, int Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx, int Cp, 
-        int Cj, unsigned int Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx, int Cp, int Cj, 
-        long long Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bj, float Bx, int Cp, int Cj, float Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bj, double Bx, int Cp, int Cj, double Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx, int Cp, int Cj, 
-        long double Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx, 
-        int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _csr.csr_matmat_pass2(*args)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx, int Cp, int Cj,
+          signed char Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx, int Cp,
+          int Cj, unsigned char Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bj, short Bx, int Cp, int Cj, short Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx, int Cp,
+          int Cj, unsigned short Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bj, int Bx, int Cp, int Cj, int Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx, int Cp,
+          int Cj, unsigned int Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx, int Cp, int Cj,
+          long long Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bj, float Bx, int Cp, int Cj, float Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bj, double Bx, int Cp, int Cj, double Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx, int Cp, int Cj,
+          long double Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      csr_matmat_pass2(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx,
+          int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _csr.csr_matmat_pass2(*args)
 
 def csr_matvec(*args):
-  """
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        signed char Xx, signed char Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Xx, unsigned char Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx, 
-        short Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Xx, unsigned short Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx, 
-        int Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Xx, unsigned int Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        long long Xx, long long Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Xx, unsigned long long Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx, 
-        float Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx, 
-        double Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        long double Xx, long double Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx, npy_cfloat_wrapper Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx, npy_cdouble_wrapper Yx)
-    csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
     """
-  return _csr.csr_matvec(*args)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          signed char Xx, signed char Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          unsigned char Xx, unsigned char Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, short Ax, short Xx,
+          short Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          unsigned short Xx, unsigned short Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, int Ax, int Xx,
+          int Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          unsigned int Xx, unsigned int Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          long long Xx, long long Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Xx, unsigned long long Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, float Ax, float Xx,
+          float Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, double Ax, double Xx,
+          double Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          long double Xx, long double Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx, npy_cfloat_wrapper Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx, npy_cdouble_wrapper Yx)
+      csr_matvec(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx, npy_clongdouble_wrapper Yx)
+      """
+    return _csr.csr_matvec(*args)
 
 def csr_matvecs(*args):
-  """
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, signed char Ax, 
-        signed char Xx, signed char Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned char Ax, 
-        unsigned char Xx, unsigned char Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, short Ax, 
-        short Xx, short Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned short Ax, 
-        unsigned short Xx, unsigned short Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, int Ax, 
-        int Xx, int Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned int Ax, 
-        unsigned int Xx, unsigned int Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, long long Ax, 
-        long long Xx, long long Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned long long Ax, 
-        unsigned long long Xx, 
-        unsigned long long Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, float Ax, 
-        float Xx, float Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, double Ax, 
-        double Xx, double Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, long double Ax, 
-        long double Xx, long double Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        npy_clongdouble_wrapper Xx, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _csr.csr_matvecs(*args)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, signed char Ax,
+          signed char Xx, signed char Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned char Ax,
+          unsigned char Xx, unsigned char Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, short Ax,
+          short Xx, short Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned short Ax,
+          unsigned short Xx, unsigned short Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, int Ax,
+          int Xx, int Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned int Ax,
+          unsigned int Xx, unsigned int Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, long long Ax,
+          long long Xx, long long Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, unsigned long long Ax,
+          unsigned long long Xx,
+          unsigned long long Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, float Ax,
+          float Xx, float Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, double Ax,
+          double Xx, double Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, long double Ax,
+          long double Xx, long double Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      csr_matvecs(int n_row, int n_col, int n_vecs, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          npy_clongdouble_wrapper Xx,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _csr.csr_matvecs(*args)
 
 def csr_elmul_csr(*args):
-  """
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx, int Cp, int Cj, 
-        signed char Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx, int Cp, 
-        int Cj, unsigned char Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bj, short Bx, int Cp, int Cj, short Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx, int Cp, 
-        int Cj, unsigned short Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bj, int Bx, int Cp, int Cj, int Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx, int Cp, 
-        int Cj, unsigned int Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx, int Cp, int Cj, 
-        long long Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bj, float Bx, int Cp, int Cj, float Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bj, double Bx, int Cp, int Cj, double Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx, int Cp, int Cj, 
-        long double Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx, 
-        int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _csr.csr_elmul_csr(*args)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx, int Cp, int Cj,
+          signed char Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx, int Cp,
+          int Cj, unsigned char Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bj, short Bx, int Cp, int Cj, short Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx, int Cp,
+          int Cj, unsigned short Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bj, int Bx, int Cp, int Cj, int Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx, int Cp,
+          int Cj, unsigned int Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx, int Cp, int Cj,
+          long long Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bj, float Bx, int Cp, int Cj, float Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bj, double Bx, int Cp, int Cj, double Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx, int Cp, int Cj,
+          long double Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      csr_elmul_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx,
+          int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _csr.csr_elmul_csr(*args)
 
 def csr_eldiv_csr(*args):
-  """
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx, int Cp, int Cj, 
-        signed char Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx, int Cp, 
-        int Cj, unsigned char Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bj, short Bx, int Cp, int Cj, short Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx, int Cp, 
-        int Cj, unsigned short Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bj, int Bx, int Cp, int Cj, int Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx, int Cp, 
-        int Cj, unsigned int Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx, int Cp, int Cj, 
-        long long Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bj, float Bx, int Cp, int Cj, float Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bj, double Bx, int Cp, int Cj, double Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx, int Cp, int Cj, 
-        long double Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx, 
-        int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _csr.csr_eldiv_csr(*args)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx, int Cp, int Cj,
+          signed char Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx, int Cp,
+          int Cj, unsigned char Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bj, short Bx, int Cp, int Cj, short Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx, int Cp,
+          int Cj, unsigned short Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bj, int Bx, int Cp, int Cj, int Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx, int Cp,
+          int Cj, unsigned int Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx, int Cp, int Cj,
+          long long Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bj, float Bx, int Cp, int Cj, float Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bj, double Bx, int Cp, int Cj, double Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx, int Cp, int Cj,
+          long double Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      csr_eldiv_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx,
+          int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _csr.csr_eldiv_csr(*args)
 
 def csr_plus_csr(*args):
-  """
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx, int Cp, int Cj, 
-        signed char Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx, int Cp, 
-        int Cj, unsigned char Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bj, short Bx, int Cp, int Cj, short Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx, int Cp, 
-        int Cj, unsigned short Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bj, int Bx, int Cp, int Cj, int Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx, int Cp, 
-        int Cj, unsigned int Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx, int Cp, int Cj, 
-        long long Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bj, float Bx, int Cp, int Cj, float Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bj, double Bx, int Cp, int Cj, double Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx, int Cp, int Cj, 
-        long double Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx, 
-        int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _csr.csr_plus_csr(*args)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx, int Cp, int Cj,
+          signed char Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx, int Cp,
+          int Cj, unsigned char Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bj, short Bx, int Cp, int Cj, short Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx, int Cp,
+          int Cj, unsigned short Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bj, int Bx, int Cp, int Cj, int Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx, int Cp,
+          int Cj, unsigned int Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx, int Cp, int Cj,
+          long long Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bj, float Bx, int Cp, int Cj, float Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bj, double Bx, int Cp, int Cj, double Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx, int Cp, int Cj,
+          long double Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      csr_plus_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx,
+          int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _csr.csr_plus_csr(*args)
 
 def csr_minus_csr(*args):
-  """
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int Bp, int Bj, signed char Bx, int Cp, int Cj, 
-        signed char Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int Bp, int Bj, unsigned char Bx, int Cp, 
-        int Cj, unsigned char Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp, 
-        int Bj, short Bx, int Cp, int Cj, short Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int Bp, int Bj, unsigned short Bx, int Cp, 
-        int Cj, unsigned short Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp, 
-        int Bj, int Bx, int Cp, int Cj, int Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int Bp, int Bj, unsigned int Bx, int Cp, 
-        int Cj, unsigned int Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int Bp, int Bj, long long Bx, int Cp, int Cj, 
-        long long Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int Bp, int Bj, unsigned long long Bx, 
-        int Cp, int Cj, unsigned long long Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp, 
-        int Bj, float Bx, int Cp, int Cj, float Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp, 
-        int Bj, double Bx, int Cp, int Cj, double Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int Bp, int Bj, long double Bx, int Cp, int Cj, 
-        long double Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int Bp, int Bj, npy_cfloat_wrapper Bx, 
-        int Cp, int Cj, npy_cfloat_wrapper Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int Bp, int Bj, npy_cdouble_wrapper Bx, 
-        int Cp, int Cj, npy_cdouble_wrapper Cx)
-    csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int Bp, int Bj, npy_clongdouble_wrapper Bx, 
-        int Cp, int Cj, npy_clongdouble_wrapper Cx)
     """
-  return _csr.csr_minus_csr(*args)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int Bp, int Bj, signed char Bx, int Cp, int Cj,
+          signed char Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int Bp, int Bj, unsigned char Bx, int Cp,
+          int Cj, unsigned char Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, short Ax, int Bp,
+          int Bj, short Bx, int Cp, int Cj, short Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int Bp, int Bj, unsigned short Bx, int Cp,
+          int Cj, unsigned short Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, int Ax, int Bp,
+          int Bj, int Bx, int Cp, int Cj, int Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int Bp, int Bj, unsigned int Bx, int Cp,
+          int Cj, unsigned int Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int Bp, int Bj, long long Bx, int Cp, int Cj,
+          long long Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int Bp, int Bj, unsigned long long Bx,
+          int Cp, int Cj, unsigned long long Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, float Ax, int Bp,
+          int Bj, float Bx, int Cp, int Cj, float Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, double Ax, int Bp,
+          int Bj, double Bx, int Cp, int Cj, double Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int Bp, int Bj, long double Bx, int Cp, int Cj,
+          long double Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int Bp, int Bj, npy_cfloat_wrapper Bx,
+          int Cp, int Cj, npy_cfloat_wrapper Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int Bp, int Bj, npy_cdouble_wrapper Bx,
+          int Cp, int Cj, npy_cdouble_wrapper Cx)
+      csr_minus_csr(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int Bp, int Bj, npy_clongdouble_wrapper Bx,
+          int Cp, int Cj, npy_clongdouble_wrapper Cx)
+      """
+    return _csr.csr_minus_csr(*args)
 
 def csr_sort_indices(*args):
-  """
-    csr_sort_indices(int n_row, int Ap, int Aj, signed char Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, unsigned char Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, short Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, unsigned short Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, int Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, unsigned int Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, long long Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, unsigned long long Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, float Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, double Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, long double Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, npy_cfloat_wrapper Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, npy_cdouble_wrapper Ax)
-    csr_sort_indices(int n_row, int Ap, int Aj, npy_clongdouble_wrapper Ax)
     """
-  return _csr.csr_sort_indices(*args)
+      csr_sort_indices(int n_row, int Ap, int Aj, signed char Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, unsigned char Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, short Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, unsigned short Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, int Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, unsigned int Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, long long Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, unsigned long long Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, float Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, double Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, long double Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, npy_cfloat_wrapper Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, npy_cdouble_wrapper Ax)
+      csr_sort_indices(int n_row, int Ap, int Aj, npy_clongdouble_wrapper Ax)
+      """
+    return _csr.csr_sort_indices(*args)
 
 def csr_eliminate_zeros(*args):
-  """
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, signed char Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned char Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, short Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned short Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, int Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned int Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, long long Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, float Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, double Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, long double Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax)
-    csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax)
     """
-  return _csr.csr_eliminate_zeros(*args)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, signed char Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned char Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, short Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned short Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, int Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned int Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, long long Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, float Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, double Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, long double Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax)
+      csr_eliminate_zeros(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax)
+      """
+    return _csr.csr_eliminate_zeros(*args)
 
 def csr_sum_duplicates(*args):
-  """
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, signed char Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned char Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, short Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned short Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, int Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned int Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, long long Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, float Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, double Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, long double Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax)
-    csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax)
     """
-  return _csr.csr_sum_duplicates(*args)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, signed char Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned char Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, short Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned short Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, int Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned int Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, long long Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, float Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, double Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, long double Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax)
+      csr_sum_duplicates(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax)
+      """
+    return _csr.csr_sum_duplicates(*args)
 
 def get_csr_submatrix(*args):
-  """
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, signed char Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(signed char)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned char Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(unsigned char)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, short Ax, int ir0, 
-        int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(short)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned short Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(unsigned short)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, int Ax, int ir0, 
-        int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(int)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned int Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(unsigned int)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, long long Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(long long)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax, 
-        int ir0, int ir1, int ic0, int ic1, 
-        std::vector<(int)> Bp, std::vector<(int)> Bj, 
-        std::vector<(unsigned long long)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, float Ax, int ir0, 
-        int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(float)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, double Ax, int ir0, 
-        int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(double)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, long double Ax, 
-        int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp, 
-        std::vector<(int)> Bj, std::vector<(long double)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax, 
-        int ir0, int ir1, int ic0, int ic1, 
-        std::vector<(int)> Bp, std::vector<(int)> Bj, 
-        std::vector<(npy_cfloat_wrapper)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax, 
-        int ir0, int ir1, int ic0, int ic1, 
-        std::vector<(int)> Bp, std::vector<(int)> Bj, 
-        std::vector<(npy_cdouble_wrapper)> Bx)
-    get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax, 
-        int ir0, int ir1, int ic0, int ic1, 
-        std::vector<(int)> Bp, std::vector<(int)> Bj, 
-        std::vector<(npy_clongdouble_wrapper)> Bx)
     """
-  return _csr.get_csr_submatrix(*args)
-
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, signed char Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(signed char)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned char Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(unsigned char)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, short Ax, int ir0,
+          int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(short)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned short Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(unsigned short)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, int Ax, int ir0,
+          int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(int)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned int Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(unsigned int)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, long long Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(long long)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, unsigned long long Ax,
+          int ir0, int ir1, int ic0, int ic1,
+          std::vector<(int)> Bp, std::vector<(int)> Bj,
+          std::vector<(unsigned long long)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, float Ax, int ir0,
+          int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(float)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, double Ax, int ir0,
+          int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(double)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, long double Ax,
+          int ir0, int ir1, int ic0, int ic1, std::vector<(int)> Bp,
+          std::vector<(int)> Bj, std::vector<(long double)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_cfloat_wrapper Ax,
+          int ir0, int ir1, int ic0, int ic1,
+          std::vector<(int)> Bp, std::vector<(int)> Bj,
+          std::vector<(npy_cfloat_wrapper)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_cdouble_wrapper Ax,
+          int ir0, int ir1, int ic0, int ic1,
+          std::vector<(int)> Bp, std::vector<(int)> Bj,
+          std::vector<(npy_cdouble_wrapper)> Bx)
+      get_csr_submatrix(int n_row, int n_col, int Ap, int Aj, npy_clongdouble_wrapper Ax,
+          int ir0, int ir1, int ic0, int ic1,
+          std::vector<(int)> Bp, std::vector<(int)> Bj,
+          std::vector<(npy_clongdouble_wrapper)> Bx)
+      """
+    return _csr.get_csr_submatrix(*args)

Modified: trunk/scipy/sparse/sparsetools/dia.py
===================================================================
--- trunk/scipy/sparse/sparsetools/dia.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/sparsetools/dia.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -51,40 +51,39 @@
 
 
 def dia_matvec(*args):
-  """
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        signed char diags, signed char Xx, signed char Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        unsigned char diags, unsigned char Xx, unsigned char Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        short diags, short Xx, short Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        unsigned short diags, unsigned short Xx, 
-        unsigned short Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        int diags, int Xx, int Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        unsigned int diags, unsigned int Xx, unsigned int Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        long long diags, long long Xx, long long Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        unsigned long long diags, unsigned long long Xx, 
-        unsigned long long Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        float diags, float Xx, float Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        double diags, double Xx, double Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        long double diags, long double Xx, long double Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        npy_cfloat_wrapper diags, npy_cfloat_wrapper Xx, 
-        npy_cfloat_wrapper Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        npy_cdouble_wrapper diags, npy_cdouble_wrapper Xx, 
-        npy_cdouble_wrapper Yx)
-    dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets, 
-        npy_clongdouble_wrapper diags, npy_clongdouble_wrapper Xx, 
-        npy_clongdouble_wrapper Yx)
     """
-  return _dia.dia_matvec(*args)
-
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          signed char diags, signed char Xx, signed char Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          unsigned char diags, unsigned char Xx, unsigned char Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          short diags, short Xx, short Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          unsigned short diags, unsigned short Xx,
+          unsigned short Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          int diags, int Xx, int Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          unsigned int diags, unsigned int Xx, unsigned int Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          long long diags, long long Xx, long long Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          unsigned long long diags, unsigned long long Xx,
+          unsigned long long Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          float diags, float Xx, float Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          double diags, double Xx, double Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          long double diags, long double Xx, long double Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          npy_cfloat_wrapper diags, npy_cfloat_wrapper Xx,
+          npy_cfloat_wrapper Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          npy_cdouble_wrapper diags, npy_cdouble_wrapper Xx,
+          npy_cdouble_wrapper Yx)
+      dia_matvec(int n_row, int n_col, int n_diags, int L, int offsets,
+          npy_clongdouble_wrapper diags, npy_clongdouble_wrapper Xx,
+          npy_clongdouble_wrapper Yx)
+      """
+    return _dia.dia_matvec(*args)

Modified: trunk/scipy/sparse/tests/test_base.py
===================================================================
--- trunk/scipy/sparse/tests/test_base.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/sparse/tests/test_base.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -43,10 +43,10 @@
     def setUp(self):
         self.dat = matrix([[1,0,0,2],[3,0,1,0],[0,2,0,0]],'d')
         self.datsp = self.spmatrix(self.dat)
-    
+
     def test_empty(self):
         """create empty matrices"""
-        
+
         assert_equal(self.spmatrix((3,3)).todense(), np.zeros((3,3)))
         assert_equal(self.spmatrix((3,3)).nnz, 0)
 
@@ -946,7 +946,7 @@
 
 
 class TestCSC(_TestCommon, _TestGetSet, _TestSolve,
-        _TestInplaceArithmetic, _TestArithmetic, 
+        _TestInplaceArithmetic, _TestArithmetic,
         _TestHorizSlicing, _TestVertSlicing, _TestBothSlicing,
         _TestFancyIndexing, TestCase):
     spmatrix = csc_matrix
@@ -1264,10 +1264,10 @@
         assert_array_equal(C.A, D.A)
 
     def test_fancy_indexing(self):
-        M = arange(25).reshape(5,5) 
+        M = arange(25).reshape(5,5)
         A = lil_matrix( M )
 
-        assert_equal(A[array([1,2,3]),2:3].todense(), M[array([1,2,3]),2:3])   
+        assert_equal(A[array([1,2,3]),2:3].todense(), M[array([1,2,3]),2:3])
 
     def test_point_wise_multiply(self):
         l = lil_matrix((4,3))

Modified: trunk/scipy/stats/distributions.py
===================================================================
--- trunk/scipy/stats/distributions.py	2008-10-26 06:50:22 UTC (rev 4844)
+++ trunk/scipy/stats/distributions.py	2008-10-26 09:20:24 UTC (rev 4845)
@@ -542,7 +542,7 @@
         goodargs = argsreduce(cond, *((x,)+args))
         place(output,cond,self._sf(*goodargs))
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def ppf(self,q,*args,**kwds):
@@ -573,7 +573,7 @@
         scale, loc, goodargs = goodargs[-2], goodargs[-1], goodargs[:-2]
         place(output,cond,self._ppf(*goodargs)*scale + loc)
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def isf(self,q,*args,**kwds):
@@ -3517,7 +3517,7 @@
         goodargs = argsreduce(cond, *((k,)+args))
         place(output,cond,self._pmf(*goodargs))
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def cdf(self, k, *args, **kwds):
@@ -3547,7 +3547,7 @@
         goodargs = argsreduce(cond, *((k,)+args))
         place(output,cond,self._cdf(*goodargs))
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def sf(self,k,*args,**kwds):
@@ -3577,7 +3577,7 @@
         goodargs = argsreduce(cond, *((k,)+args))
         place(output,cond,self._sf(*goodargs))
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def ppf(self,q,*args,**kwds):
@@ -3607,7 +3607,7 @@
         loc, goodargs = goodargs[-1], goodargs[:-1]
         place(output,cond,self._ppf(*goodargs) + loc)
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def isf(self,q,*args,**kwds):
@@ -3638,7 +3638,7 @@
         loc, goodargs = goodargs[-1], goodargs[:-1]
         place(output,cond,self._ppf(*goodargs) + loc)
         if output.ndim == 0:
-            return output[()]        
+            return output[()]
         return output
 
     def stats(self, *args, **kwds):




More information about the Scipy-svn mailing list