diff --git a/build/pkgs/configure/checksums.ini b/build/pkgs/configure/checksums.ini index daf9720f908..481bd44739d 100644 --- a/build/pkgs/configure/checksums.ini +++ b/build/pkgs/configure/checksums.ini @@ -1,3 +1,3 @@ tarball=configure-VERSION.tar.gz -sha1=978eb775a20fea3ed9b88f0d67ecd84a3d9cd6ea -sha256=c3987bb0f8aca81e112a17d8904ef2353a706159d43250305dc2bcac4ca2e33a +sha1=d569e1acb1ff349d69c5716ec3c4b6155284fdf8 +sha256=9afe5d48fdf4bceeb17416e8de657bcb92fef4be256d704065d32103ce358190 diff --git a/build/pkgs/configure/package-version.txt b/build/pkgs/configure/package-version.txt index 009fd772239..947b73667bc 100644 --- a/build/pkgs/configure/package-version.txt +++ b/build/pkgs/configure/package-version.txt @@ -1 +1 @@ -4326d0d9422011034a230ab3c1445fafeb2ac444 +faeed5fd5db9405d2165c37ab444b24328395d2d diff --git a/src/sage/algebras/fusion_rings/shm_managers.pyx b/src/sage/algebras/fusion_rings/shm_managers.pyx index d5acb513219..3ce832d499f 100644 --- a/src/sage/algebras/fusion_rings/shm_managers.pyx +++ b/src/sage/algebras/fusion_rings/shm_managers.pyx @@ -500,7 +500,7 @@ cdef class FvarsHandler: else: self.fvars = np.ndarray((self.ngens, ), dtype=self.fvars_t) self.child_id = 0 - # Populate with initialziation data + # Populate with initialization data for sextuple, fvar in init_data.items(): if isinstance(fvar, MPolynomial_libsingular): fvar = _flatten_coeffs(poly_to_tup(fvar)) diff --git a/src/sage/algebras/lie_algebras/representation.py b/src/sage/algebras/lie_algebras/representation.py index 73c492d382f..af05b3c5ab5 100644 --- a/src/sage/algebras/lie_algebras/representation.py +++ b/src/sage/algebras/lie_algebras/representation.py @@ -474,7 +474,7 @@ def _acted_upon_(self, scalar, self_on_left=False): class FaithfulRepresentationNilpotentPBW(CombinatorialFreeModule, Representation_abstract): r""" - Return a faithful reprensetation of a nilpotent Lie algebra + Return a faithful representation of a nilpotent Lie algebra constructed using the PBW basis. Let `L` be a `k`-step nilpotent Lie algebra. Define a weight function diff --git a/src/sage/all__sagemath_repl.py b/src/sage/all__sagemath_repl.py index e2866352cf6..c830950c26b 100644 --- a/src/sage/all__sagemath_repl.py +++ b/src/sage/all__sagemath_repl.py @@ -22,7 +22,7 @@ warnings.filterwarnings('ignore', category=DeprecationWarning, module='(IPython|ipykernel|jupyter_client|jupyter_core|nbformat|notebook|ipywidgets|storemagic|jedi)') -# scipy 1.18 introduced reprecation warnings on a number of things they are moving to +# scipy 1.18 introduced deprecation warnings on a number of things they are moving to # numpy, e.g. DeprecationWarning: scipy.array is deprecated # and will be removed in SciPy 2.0.0, use numpy.array instead # This affects networkx 2.2 up and including 2.4 (cf. :issue:29766) diff --git a/src/sage/combinat/diagram.py b/src/sage/combinat/diagram.py index cc3c1dfe0b6..25741ac1833 100644 --- a/src/sage/combinat/diagram.py +++ b/src/sage/combinat/diagram.py @@ -1198,7 +1198,7 @@ class NorthwestDiagrams(Diagrams): Combinatorial northwest diagrams Additionally, there are natural constructions of a northwest diagram - given the data of a permutation (Rothe diagrams are the protypical example + given the data of a permutation (Rothe diagrams are the prototypical example of northwest diagrams), or the data of a partition of an integer, or a skew partition. @@ -1222,7 +1222,7 @@ class NorthwestDiagrams(Diagrams): To turn a Ferrers diagram into a northwest diagram, we may call :meth:`from_partition`. This will return a Ferrer's diagram in the set of all northwest diagrams. For many use-cases it is probably better - to get Ferrer's diagrams by the corresponding method on partitons, namely + to get Ferrer's diagrams by the corresponding method on partitions, namely :meth:`sage.combinat.partitions.Partitions.ferrers_diagram`:: sage: mu = Partition([7,3,1,1]) diff --git a/src/sage/combinat/matrices/hadamard_matrix.py b/src/sage/combinat/matrices/hadamard_matrix.py index 326eb32843b..5f9f24239d4 100644 --- a/src/sage/combinat/matrices/hadamard_matrix.py +++ b/src/sage/combinat/matrices/hadamard_matrix.py @@ -1115,7 +1115,7 @@ def hadamard_matrix_from_sds(n, existence=False, check=True): def hadamard_matrix_cooper_wallis_construction(x1, x2, x3, x4, A, B, C, D, check=True): r""" - Create a Hadamard matrix using the contruction detailed in [CW1972]_. + Create a Hadamard matrix using the construction detailed in [CW1972]_. Given four circulant matrices `X_1`, X_2, X_3, X_4` of order `n` with entries (0, 1, -1) such that the entrywise product of two distinct matrices is always equal to `0` and that @@ -1135,7 +1135,7 @@ def hadamard_matrix_cooper_wallis_construction(x1, x2, x3, x4, A, B, C, D, check - ``C`` -- the matrix described above - ``D`` -- the matrix described above - ``check`` -- boolean (default: ``True``); if ``True``, check that the resulting - matrix is Hadamard before returing it + matrix is Hadamard before returning it EXAMPLES:: @@ -1302,7 +1302,7 @@ def _get_baumert_hall_units(n, existence=False): - ``n`` -- integer; the size of the Baumert-Hall units - ``existence`` -- boolean (default: ``False``); if ``True``, only check whether - the units can be contructed + the units can be constructed OUTPUT: @@ -2395,7 +2395,7 @@ def williamson_goethals_seidel_skew_hadamard_matrix(a, b, c, d, check=True): def skew_hadamard_matrix_spence_construction(n, check=True): r""" - Construct skew Hadamard matrix of order `n` using Spence constrution. + Construct skew Hadamard matrix of order `n` using Spence construction. This function will construct skew Hadamard matrix of order `n=2(q+1)` where `q` is a prime power with `q = 5` (mod 8). The construction is taken from [Spe1977]_, and the diff --git a/src/sage/combinat/parallelogram_polyomino.py b/src/sage/combinat/parallelogram_polyomino.py index c60c72c10d2..ac2e7ea6e4d 100644 --- a/src/sage/combinat/parallelogram_polyomino.py +++ b/src/sage/combinat/parallelogram_polyomino.py @@ -3043,7 +3043,7 @@ def get_node_position_from_box(self, box_position, direction, nb_crossed_nodes=N INPUT: - - ``box_position`` -- the position of the statring cell + - ``box_position`` -- the position of the starting cell - ``direction`` -- the direction (0 or 1) diff --git a/src/sage/combinat/plane_partition.py b/src/sage/combinat/plane_partition.py index 7bf25102cc7..e51fcd03186 100644 --- a/src/sage/combinat/plane_partition.py +++ b/src/sage/combinat/plane_partition.py @@ -1628,7 +1628,7 @@ def from_antichain(self, A) -> PP: pp_matrix[x][y] = z + 1 # For each value in current antichain, fill in the rest of the matrix by - # rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichiain is now in plane partition format + # rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichain is now in plane partition format if A: for i in range(a): i = a - (i + 1) @@ -2161,7 +2161,7 @@ def from_antichain(self, acl) -> PP: pp_matrix[x][y] = (z+1) # For each value in current antichain, fill in the rest of the - # matrix by rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichiain is + # matrix by rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichain is # now in plane partition format. if acl != []: for i in range(b): @@ -2368,7 +2368,7 @@ def from_antichain(self, acl) -> PP: pp_matrix[y][x] = z + 1 # z,y,x # for each value in current antichain, fill in the rest of the matrix by - # rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichiain is now in plane partition format + # rule M[y,z] = Max(M[y+1,z], M[y,z+1]) antichain is now in plane partition format if acl != []: for i in range(b): i = b - (i + 1) @@ -3166,7 +3166,7 @@ def from_antichain(self, acl) -> PP: n = a N = n // 2 pp_matrix = [[0] * (c) for i in range(b)] - # creates a matrix for the plane parition populated by 0s + # creates a matrix for the plane partition populated by 0s # EX: [[0,0,0], [0,0,0], [0,0,0]] width = N - 1 height = N - 1 diff --git a/src/sage/combinat/specht_module.py b/src/sage/combinat/specht_module.py index 1af53083f89..e48e34419fe 100644 --- a/src/sage/combinat/specht_module.py +++ b/src/sage/combinat/specht_module.py @@ -748,14 +748,15 @@ def retract(self): B = self.basis() COB = matrix([b.lift().to_vector() for b in B]).T P, L, U = COB.LU() - # Since U is upper triangular, the nonzero entriesm must be in the - # upper square portiion of the matrix + # Since U is upper triangular, the nonzero entries must be in the + # upper square portion of the matrix n = len(B) Uinv = U.matrix_from_rows(range(n)).inverse() - # This is a slight abuse as the codomain should be a module with a different - # S_n action, but we only use it internally, so there isn't any problems - PLinv = (P*L).inverse() + # This is a slight abuse as the codomain should be a module + # with a different + # S_n action, but we only use it internally, so there is no problem + PLinv = (P * L).inverse() def retraction(elt): vec = PLinv * elt.to_vector(order=self._support_order) diff --git a/src/sage/databases/cubic_hecke_db.py b/src/sage/databases/cubic_hecke_db.py index 9e5ec47a40c..668af9abacc 100644 --- a/src/sage/databases/cubic_hecke_db.py +++ b/src/sage/databases/cubic_hecke_db.py @@ -663,7 +663,7 @@ class section(Enum): in the case of cubic Hecke algebras on more than 4 strands - ``markov_trace`` -- file cache for intermediate results of long calculations in order to recover the results already obtained by - preboius attemps of calculation until the corresponding intermediate + previous attemps of calculation until the corresponding intermediate step EXAMPLES:: diff --git a/src/sage/functions/piecewise.py b/src/sage/functions/piecewise.py index e8da3462cfa..71bdf6e4eec 100644 --- a/src/sage/functions/piecewise.py +++ b/src/sage/functions/piecewise.py @@ -233,7 +233,7 @@ def _subs_(self, subs_map, options, parameters, x): return subs_map.apply_to(func, 0) raise ValueError(f'point {point} is not in the domain') - raise ValueError('substition not allowed') + raise ValueError('substitution not allowed') @staticmethod def in_operands(ex): diff --git a/src/sage/geometry/hyperplane_arrangement/arrangement.py b/src/sage/geometry/hyperplane_arrangement/arrangement.py index 274702e0322..8517bb36671 100644 --- a/src/sage/geometry/hyperplane_arrangement/arrangement.py +++ b/src/sage/geometry/hyperplane_arrangement/arrangement.py @@ -792,7 +792,7 @@ def intersection_poset(self, element_label='int'): [[0], [1, 2, 3, 4, 5, 6], [7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18]] By passing the argument ``element_label="subset"``, each element of the - intesection poset is labelled by the set of indices of the hyperplanes + intersection poset is labelled by the set of indices of the hyperplanes whose intersection is said element. The index of a hyperplane is its index in ``self.hyperplanes()``. :: diff --git a/src/sage/geometry/polyhedron/combinatorial_polyhedron/base.pyx b/src/sage/geometry/polyhedron/combinatorial_polyhedron/base.pyx index 73cc5be6428..4db4eb54171 100644 --- a/src/sage/geometry/polyhedron/combinatorial_polyhedron/base.pyx +++ b/src/sage/geometry/polyhedron/combinatorial_polyhedron/base.pyx @@ -3454,7 +3454,7 @@ cdef class CombinatorialPolyhedron(SageObject): num_threads = 1 if parallelization_depth > dim - 1: - # Is a very bad choice anyway, but prevent segmenation faults. + # Is a very bad choice anyway, but prevent segmentation faults. parallelization_depth = dim - 1 if dual == -1: diff --git a/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_iterator.pxd b/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_iterator.pxd index e77abc9f33a..41f97c309ef 100644 --- a/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_iterator.pxd +++ b/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_iterator.pxd @@ -15,8 +15,8 @@ cdef struct iter_s: bint dual # if 1, then iterate over dual Polyhedron face_t face # the current face of the iterator FaceStatus face_status - size_t *atom_rep # a place where atom-representaion of face will be stored - size_t *coatom_rep # a place where coatom-representaion of face will be stored + size_t *atom_rep # a place where atom-representation of face will be stored + size_t *coatom_rep # a place where coatom-representation of face will be stored int current_dimension # dimension of current face, dual dimension if ``dual`` int dimension # dimension of the polyhedron int output_dimension # only faces of this (dual?) dimension are considered diff --git a/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_list_data_structure.pxd b/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_list_data_structure.pxd index ea68babbaf5..2156d4a8bf7 100644 --- a/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_list_data_structure.pxd +++ b/src/sage/geometry/polyhedron/combinatorial_polyhedron/face_list_data_structure.pxd @@ -147,7 +147,7 @@ cdef inline void face_list_delete_faces_by_array(face_list_t faces, bint *delete cdef inline void face_list_delete_faces_by_face(face_list_t faces, face_t face) noexcept: r""" Remove all faces such that the ``i``-th bit in ``face`` is not set - descreasing ``faces.n_faces``. + decreasing ``faces.n_faces``. .. WARNING:: diff --git a/src/sage/graphs/edge_connectivity.pyx b/src/sage/graphs/edge_connectivity.pyx index aef8e43d98e..bfaedc3fdfa 100644 --- a/src/sage/graphs/edge_connectivity.pyx +++ b/src/sage/graphs/edge_connectivity.pyx @@ -452,7 +452,7 @@ cdef class GabowEdgeConnectivity: Allocate data structure for the new tree/forest. This method also initializes data structures for this tree index. Data - structures for a given tree index are allocatated only once. + structures for a given tree index are allocated only once. INPUT: diff --git a/src/sage/graphs/generators/basic.py b/src/sage/graphs/generators/basic.py index e231428445f..aef8ea49935 100644 --- a/src/sage/graphs/generators/basic.py +++ b/src/sage/graphs/generators/basic.py @@ -407,7 +407,7 @@ def CorrelationGraph(seqs, alpha, include_anticorrelation): Return a correlation graph with a node per sequence in ``seqs``. Edges are added between nodes where the corresponding sequences have a - correlation coeffecient greater than alpha. + correlation coefficient greater than alpha. If ``include_anticorrelation`` is ``True``, then edges are also added between nodes with correlation coefficient less than ``-alpha``. @@ -440,7 +440,7 @@ def CorrelationGraph(seqs, alpha, include_anticorrelation): from numpy import corrcoef from sage.matrix.constructor import Matrix - # compute pairwise correlation coeffecients + # compute pairwise correlation coefficients corrs = corrcoef(seqs) # compare against alpha to get adjacency matrix diff --git a/src/sage/graphs/generators/distance_regular.pyx b/src/sage/graphs/generators/distance_regular.pyx index 795bfa58dc2..7738f52a034 100644 --- a/src/sage/graphs/generators/distance_regular.pyx +++ b/src/sage/graphs/generators/distance_regular.pyx @@ -1869,8 +1869,8 @@ def is_classical_parameters_graph(list array): graphs with classical parameters, then this function returns a tuple consisting of the parameters `(d, b, \alpha, \beta)` and a fourth parameter which is the enum ``CalssicalParametersGraph`` indicating the family with - the given itersection array. - If the array doesn't belong to any classical parameter graph, then this + the given intersection array. + If the array does not belong to any classical parameter graph, then this function returns ``False``. If the array belongs to a sporadic graph rather than a family of graphs, then the function returns ``False``. This is to reduce the overlap with diff --git a/src/sage/graphs/graph.py b/src/sage/graphs/graph.py index 711ea03afc3..33029f74c5c 100644 --- a/src/sage/graphs/graph.py +++ b/src/sage/graphs/graph.py @@ -9048,7 +9048,7 @@ def least_effective_resistance(self, nonedgesonly=True): resistances * :meth:`effective_resistance` -- - compuetes effective resistance for a single node pair + computes effective resistance for a single node pair * See :wikipedia:`Resistance_distance` for more details. diff --git a/src/sage/knots/free_knotinfo_monoid.py b/src/sage/knots/free_knotinfo_monoid.py index 47429712851..d62e6743c79 100644 --- a/src/sage/knots/free_knotinfo_monoid.py +++ b/src/sage/knots/free_knotinfo_monoid.py @@ -293,7 +293,7 @@ def _search_composition(self, max_cr, knot, hpoly): INPUT: - - ``max_cr`` -- max number of crorssing to stop searching + - ``max_cr`` -- max number of crossing to stop searching - ``knot`` -- instance of :class:`~sage.knots.knot.Knot` - ``hpoly`` -- Homfly polynomial to search for a component diff --git a/src/sage/knots/link.py b/src/sage/knots/link.py index 0e6158c924b..e6d23ac01b6 100644 --- a/src/sage/knots/link.py +++ b/src/sage/knots/link.py @@ -3908,7 +3908,7 @@ def _markov_move_cmp(self, braid): to the given braid in the following sense. If both braids have the same number of strands it is checked if they are conjugated to each other in their common braid group (Markov move I). If the number of strands differs, - the braid having less strands is extended by Markov moves II (appendening + the braid having less strands is extended by Markov moves II (appending the largest generator or its inverse recursively) until a common braid group can be achieved, where conjugation is tested. diff --git a/src/sage/libs/ntl/ntl_mat_GF2.pyx b/src/sage/libs/ntl/ntl_mat_GF2.pyx index 2eee4fe34f2..ae33d4fbb49 100644 --- a/src/sage/libs/ntl/ntl_mat_GF2.pyx +++ b/src/sage/libs/ntl/ntl_mat_GF2.pyx @@ -409,7 +409,7 @@ cdef class ntl_mat_GF2(): [0 0 0 0 0 0 0 0 0 0] ] - ``Abar`` is in row echolon form now:: + ``Abar`` is in row echelon form now:: sage: first_nonzero_indices = [Abar._sage_().row(i).nonzero_positions()[0] for i in range(A.rank())] sage: all(first_nonzero_indices[i] < first_nonzero_indices[i+1] for i in range(A.rank()-1)) @@ -573,7 +573,7 @@ cdef class ntl_mat_GF2(): sage: A_image.row_space() == Abar_image.row_space() True - X is in row echolon form:: + X is in row echelon form:: sage: first_nonzero_indices = [row.nonzero_positions()[0] for row in Abar_image.rows()] sage: all(first_nonzero_indices[i] < first_nonzero_indices[i+1] for i in range(Abar_image.nrows() - 1)) diff --git a/src/sage/manifolds/continuous_map.py b/src/sage/manifolds/continuous_map.py index 88a880b922f..2c30b796aab 100644 --- a/src/sage/manifolds/continuous_map.py +++ b/src/sage/manifolds/continuous_map.py @@ -1063,7 +1063,7 @@ def display(self, chart1=None, chart2=None): EXAMPLES: - A simple reparamentrization:: + A simple reparametrization:: sage: R. = manifolds.RealLine() sage: I = R.open_interval(0, 2*pi) diff --git a/src/sage/matrix/matrix2.pyx b/src/sage/matrix/matrix2.pyx index 0c257cfaf33..b84e0f505a1 100644 --- a/src/sage/matrix/matrix2.pyx +++ b/src/sage/matrix/matrix2.pyx @@ -4554,7 +4554,7 @@ cdef class Matrix(Matrix1): Over inexact rings: - For inexact rings one should avoid echolonizing if possible:: + For inexact rings one should avoid echelonizing if possible:: sage: A = Matrix( ....: [[ 0.0, 0.5, 0.8090169944], @@ -4801,7 +4801,7 @@ cdef class Matrix(Matrix1): :meth:`kernel` is exactly equal to :meth:`left_kernel`. For inexact rings use :meth:`right_kernel_matrix` with - ``basis='computed'`` to avoid echolonizing. + ``basis='computed'`` to avoid echelonizing. INPUT: @@ -5161,6 +5161,7 @@ cdef class Matrix(Matrix1): def left_kernel(self, *args, **kwds): r""" Return the left kernel of this matrix, as a vector space or free module. + This is the set of vectors ``x`` such that ``x*self = 0``. .. NOTE:: @@ -5169,7 +5170,7 @@ cdef class Matrix(Matrix1): :meth:`kernel` is exactly equal to :meth:`left_kernel`. For inexact rings use :meth:`right_kernel_matrix` with - ``basis='computed'`` (on the transpose of the matrix) to avoid echolonizing. + ``basis='computed'`` (on the transpose of the matrix) to avoid echelonizing. INPUT: diff --git a/src/sage/matroids/database_matroids.py b/src/sage/matroids/database_matroids.py index b2c6ca5e055..4c5eee2b5c0 100644 --- a/src/sage/matroids/database_matroids.py +++ b/src/sage/matroids/database_matroids.py @@ -1462,7 +1462,7 @@ def K5(groundset='abcdefghij'): Return the graphic matroid `M(K_5)`. `M(K_5)` is an excluded minor for the class of cographic matroids. It is - the `3`-dimensional Desargues configuration. + the `3`-dimensional Desargues configuration. EXAMPLES:: diff --git a/src/sage/modules/matrix_morphism.py b/src/sage/modules/matrix_morphism.py index 5736d86932d..175d152f364 100644 --- a/src/sage/modules/matrix_morphism.py +++ b/src/sage/modules/matrix_morphism.py @@ -578,7 +578,7 @@ def __mul__(self, right): Codomain: Vector space of dimension 2 over Rational Field - We can test interraction between morphisms with different ``side``:: + We can test interaction between morphisms with different ``side``:: sage: V = ZZ^2 sage: m = matrix(2, [1,1,0,1]) diff --git a/src/sage/modules/with_basis/invariant.py b/src/sage/modules/with_basis/invariant.py index 0c96c6a5b9d..5c4202419a5 100644 --- a/src/sage/modules/with_basis/invariant.py +++ b/src/sage/modules/with_basis/invariant.py @@ -310,9 +310,9 @@ def _repr_(self): M = M._module return f"({self._semigroup})-invariant submodule of {M}" - def _latex_(self): + def _latex_(self) -> str: r""" - Return a latex representaion of ``self``. + Return a latex representation of ``self``. EXAMPLES:: diff --git a/src/sage/plot/plot3d/base.pyx b/src/sage/plot/plot3d/base.pyx index 9075d31d571..0f3cca16607 100644 --- a/src/sage/plot/plot3d/base.pyx +++ b/src/sage/plot/plot3d/base.pyx @@ -1001,7 +1001,7 @@ cdef class Graphics3d(SageObject): # Instead, the tachyon aspectratio is set to match nonsquare # drawing area in "figsize". - # Parameters are mostly taken from tachyion.py, + # Parameters are mostly taken from tachyon.py, # but camera_center is renamed camera_position. # Apparently reST strips () from default parameters in the automatic documentation. # Thus, I replaced () by [] as default values. diff --git a/src/sage/rings/asymptotic/term_monoid.py b/src/sage/rings/asymptotic/term_monoid.py index c16260d298e..588580c3e13 100644 --- a/src/sage/rings/asymptotic/term_monoid.py +++ b/src/sage/rings/asymptotic/term_monoid.py @@ -4399,7 +4399,7 @@ def __init__(self, parent, growth, valid_from, **kwds): ... ValueError: B-Term has valid_from variables defined which do not occur in the term. """ - # BTerms must have positive cofficients + # BTerms must have positive coefficients coefficient = abs(kwds['coefficient']) super().__init__(parent=parent, growth=growth, coefficient=coefficient) diff --git a/src/sage/rings/complex_interval.pyx b/src/sage/rings/complex_interval.pyx index ff6b4fe4d6c..c9273384788 100644 --- a/src/sage/rings/complex_interval.pyx +++ b/src/sage/rings/complex_interval.pyx @@ -2218,7 +2218,7 @@ cdef _circle_invert_standard( # crosses the x-Axis, the north east or south east diagonal, respectively. # # Given standard form, the input also has to cross the north east - # diagonal and x-Axis if it corsses the south east diagonal. + # diagonal and x-Axis if it crosses the south east diagonal. # # Thus, we are left with five cases: # diff --git a/src/sage/rings/continued_fraction.py b/src/sage/rings/continued_fraction.py index 62534d69f99..e4825bf3b7e 100644 --- a/src/sage/rings/continued_fraction.py +++ b/src/sage/rings/continued_fraction.py @@ -663,7 +663,7 @@ def _mpfr_(self, R): ....: fields.append(RealField(prec=prec, rnd=rnd)) sage: for n in range(3000): # long time, not tested, known bug (see :issue:`29957`) ....: a = QQ.random_element(num_bound=2^(n%100)) - ....: if a.denominator() % 8 == 0: # not precices enough # :issue:`29957` + ....: if a.denominator() % 8 == 0: # not precise enough # :issue:`29957` ....: continue ....: cf = continued_fraction(a) ....: for R in fields: diff --git a/src/sage/rings/number_field/selmer_group.py b/src/sage/rings/number_field/selmer_group.py index acdf2954fdf..5204cfc80b6 100644 --- a/src/sage/rings/number_field/selmer_group.py +++ b/src/sage/rings/number_field/selmer_group.py @@ -101,7 +101,7 @@ def _coords_in_C_p(I, C, p): ALGORITHM: Find the coordinates of `[I]` with respect to generators of `C` as - an abelian group, check that coordidates are 0 in cyclic factors + an abelian group, check that coordinates are 0 in cyclic factors of order prime to `p`, and return the list of `c/(n/p)` (mod `p`) for coordinates `c` for each cyclic factor of order `n` which is a multiple of `p`. diff --git a/src/sage/rings/semirings/tropical_polynomial.py b/src/sage/rings/semirings/tropical_polynomial.py index 74125633a22..c0dff405ac9 100644 --- a/src/sage/rings/semirings/tropical_polynomial.py +++ b/src/sage/rings/semirings/tropical_polynomial.py @@ -527,7 +527,7 @@ def plot(self, xmin=None, xmax=None): def _repr_(self): r""" - Return a string represemtation of ``self``. + Return a string representation of ``self``. EXAMPLES:: diff --git a/src/sage/rings/universal_cyclotomic_field.py b/src/sage/rings/universal_cyclotomic_field.py index 35c6b90a76b..8ad6ee44868 100644 --- a/src/sage/rings/universal_cyclotomic_field.py +++ b/src/sage/rings/universal_cyclotomic_field.py @@ -1656,7 +1656,7 @@ def _factor_univariate_polynomial(self, f): if f.degree() == 1: return Factorization([(f, 1)], unit) - # From now on, we restrict to polynomial with rational cofficients. The + # From now on, we restrict to polynomial with rational coefficients. The # factorization is provided only in the case it is a product of # cyclotomic polynomials and quadratic polynomials. In this situation # the roots belong to UCF and the polynomial factorizes as a product of diff --git a/src/sage/schemes/curves/plane_curve_arrangement.py b/src/sage/schemes/curves/plane_curve_arrangement.py index b4c36b1329a..63e8d03f556 100755 --- a/src/sage/schemes/curves/plane_curve_arrangement.py +++ b/src/sage/schemes/curves/plane_curve_arrangement.py @@ -1158,7 +1158,7 @@ def _an_element_(self): @cached_method def ngens(self): """ - Return the number of variables, i.e. 2 or 3, kept for completness. + Return the number of variables, i.e. 2 or 3, kept for completeness. OUTPUT: integer, 2 or 3, depending if the arrangement is projective or affine diff --git a/src/sage/schemes/curves/zariski_vankampen.py b/src/sage/schemes/curves/zariski_vankampen.py index f410a73f8fc..47485b86340 100755 --- a/src/sage/schemes/curves/zariski_vankampen.py +++ b/src/sage/schemes/curves/zariski_vankampen.py @@ -1135,7 +1135,7 @@ def vertical_lines_in_braidmon(pols) -> list: OUTPUT: A list with the indices of the vertical lines in ``flist`` if there is - no other componnet with vertical asymptote; otherwise it returns an empty + no other component with vertical asymptote; otherwise it returns an empty list. EXAMPLES:: diff --git a/src/sage/schemes/elliptic_curves/ell_rational_field.py b/src/sage/schemes/elliptic_curves/ell_rational_field.py index 0bc71b09d42..d00187d49a2 100755 --- a/src/sage/schemes/elliptic_curves/ell_rational_field.py +++ b/src/sage/schemes/elliptic_curves/ell_rational_field.py @@ -2694,7 +2694,7 @@ def saturation(self, points, verbose=False, max_prime=-1, min_prime=2): .. NOTE:: - In versons of ``eclib`` up to ``v20190909``, division of + In versions of ``eclib`` up to ``v20190909``, division of points in ``eclib`` was done using floating point methods, without automatic handling of precision, so that `p`-saturation sometimes failed unless diff --git a/src/sage/schemes/elliptic_curves/saturation.py b/src/sage/schemes/elliptic_curves/saturation.py index 9772b8f1d09..16c44f16d0a 100755 --- a/src/sage/schemes/elliptic_curves/saturation.py +++ b/src/sage/schemes/elliptic_curves/saturation.py @@ -386,7 +386,7 @@ def p_saturation(self, Plist, p, sieve=True): -- points were not 2-saturated, gaining index 2 (1, (0 : 1 : 0)) - A CM example where large siecing primes are needed (LMFDB + A CM example where large sieving primes are needed (LMFDB label 2.0.3.1-50625.1-CMb2):: sage: K. = NumberField(x^2 - x + 1) diff --git a/src/sage/schemes/riemann_surfaces/riemann_surface.py b/src/sage/schemes/riemann_surfaces/riemann_surface.py index 701f6523065..ff14a7a7b10 100755 --- a/src/sage/schemes/riemann_surfaces/riemann_surface.py +++ b/src/sage/schemes/riemann_surfaces/riemann_surface.py @@ -1010,7 +1010,7 @@ def homotopy_continuation(self, edge): INPUT: - ``edge`` -- tuple ``(z_start, z_end)`` indicating the straight line - over which to perform the homotopy continutation + over which to perform the homotopy continuation OUTPUT: @@ -3013,7 +3013,7 @@ def initialise(z, i): return newg # As multiple calls of the minimal polynomial and it's derivative will - # be required for the homotopy continuaiton, we create fast-callable + # be required for the homotopy continuation, we create fast-callable # versions of these. fc_mp_list = [fast_callable(mp, domain=self._CC) for mp in mp_list] fc_dmp_list = [ @@ -3024,7 +3024,7 @@ def initialise(z, i): prec = self._prec # tau here is playing the role of the desired error. tau = self._RR(2)**(-prec + 3) - one = self._RR(1) + one = self._RR.one() la = self._RR.pi() / 2 # Cutoffs are used to allow us to not have to integrate as close into diff --git a/src/sage/sets/real_set.py b/src/sage/sets/real_set.py index f819597fcde..d502dbc4a4a 100644 --- a/src/sage/sets/real_set.py +++ b/src/sage/sets/real_set.py @@ -378,7 +378,7 @@ def _repr_(self): s += ']' if self._upper_closed else ')' return s - def _latex_(self): + def _latex_(self) -> str: """ Return a latex representation of ``self``. @@ -392,7 +392,7 @@ def _latex_(self): from sage.misc.latex import latex if self.is_point(): # Converting to str avoids the extra whitespace - # that LatexExpr add on concenation. We do not need + # that LatexExpr add on concatenation. We do not need # the whitespace because we are wrapping it in # non-letter characters. return r'\{' + str(latex(self.lower())) + r'\}' diff --git a/src/sage/stats/distributions/discrete_gaussian_lattice.py b/src/sage/stats/distributions/discrete_gaussian_lattice.py index fe1c1b8e5d1..78f21d29fbb 100644 --- a/src/sage/stats/distributions/discrete_gaussian_lattice.py +++ b/src/sage/stats/distributions/discrete_gaussian_lattice.py @@ -559,7 +559,7 @@ def __init__(self, B, sigma=1, c=0, r=None, precision=None, sigma_basis=False): except TypeError: self._sigma = matrix(self._RR, sigma) # Will it be "annoying" if a matrix Sigma has different behaviour - # sometimes? There should be a parameter in the consrtuctor + # sometimes? There should be a parameter in the constructor if self._sigma == self._sigma[0, 0]: self._sigma = self._RR(self._sigma[0, 0]) else: diff --git a/src/sage/structure/dynamic_class.py b/src/sage/structure/dynamic_class.py index 4136c79cfca..36488c76f99 100644 --- a/src/sage/structure/dynamic_class.py +++ b/src/sage/structure/dynamic_class.py @@ -144,7 +144,7 @@ def dynamic_class(name, bases, cls=None, reduction=None, doccls=None, inserted into ``C``, and its bases will be prepended to ``bases`` (unless ``prepend_cls_bases`` is ``False``). - The module, documentation and source instrospection is taken from + The module, documentation and source introspection is taken from ``doccls``, or ``cls`` if ``doccls`` is ``None``, or ``bases[0]`` if both are ``None`` (therefore ``bases`` should be non empty if ``cls`` is ``None``). @@ -305,7 +305,7 @@ class also has a zero ``__dictoffset__``. This means that the sage: pickle.loads(pickle.dumps(FooBar)) == FooBar True - We check that instrospection works reasonably:: + We check that introspection works reasonably:: sage: sage.misc.sageinspect.sage_getdoc(FooBar) 'The Foo class\n' @@ -363,7 +363,7 @@ def dynamic_class_internal(name, bases, cls=None, reduction=None, doccls=None, p sage: Foo3.__doc__ == sage.structure.dynamic_class.TestClass.__doc__ True - We check that instrospection works reasonably:: + We check that introspection works reasonably:: sage: from sage.misc.sageinspect import sage_getfile, sage_getsourcelines sage: sage_getfile(Foo2) diff --git a/src/sage/symbolic/ginac/matrix.cpp b/src/sage/symbolic/ginac/matrix.cpp index c42f8f68c41..4955ddb26be 100644 --- a/src/sage/symbolic/ginac/matrix.cpp +++ b/src/sage/symbolic/ginac/matrix.cpp @@ -1108,7 +1108,7 @@ unsigned matrix::rank() const * more than once. According to W.M.Gentleman and S.C.Johnson this algorithm * is better than elimination schemes for matrices of sparse multivariate * polynomials and also for matrices of dense univariate polynomials if the - * matrix' dimesion is larger than 7. + * matrix' dimension is larger than 7. * * @return the determinant as a new expression (in expanded form) * @see matrix::determinant() */