Maple 2024 Questions and Posts

These are Posts and Questions associated with the product, Maple 2024

I just discoverd today the step solutions for series in Student package 

Now i try to solve this with my own steps here ..

Note: SummationSteps(Sum(1/n^2, n = 1 .. infinity))was not capable to get a closed form?

"maple.ini in users"

(1)

NULL

Euler's Basel Problem
In the Student Basics package, there is a command :

 

SummationSteps

generate steps for evaluating summations

NULL

help("SummationSteps")

The SummationSteps command accepts an expression that is expected to contain summations and displays the steps required to evaluate each summation given.

2024

with(Student[Basics])

 

" restart; with(Student[Basics])"

"maple.ini in users"

 

[CompleteSquareSteps, CurveSketchSteps, ExpandSteps, FactorSteps, FractionSteps, GCDSteps, LCMSteps, LinearSolveSteps, LongDivision, ModuloSteps, OutputStepsRecord, PartialFractionSteps, PowerSteps, PracticeSheet, SimplifySteps, SolveSteps, SummationSteps, TrigSteps]

(2)

Try this out this SummationStepscommand for the Basel problem series  ( p-series example)

SummationSteps(Sum(1/n, n = 1 .. infinity))

"[[,,[]],["&bullet;",,"Apply the P-test on" (1)/(n)", which shows the summation diverges if" p<=1 "for" (&sum;)1/((n)^p)],[,,p=1],["&bullet;",,"Since" 0<1 "and" 1<=1", we get that the summation diverges"],[,,([[(&sum;)(1)/(n)" diverges"]])],["&bullet;",,"We know the summation diverges, so now we should find what it diverges to"],[,,[]],["&bullet;",,"Evaluate sum" (&sum;)1/n],[,,infinity]]"

(3)

Now the Basel Problem from Euler

SummationSteps(Sum(1/n^2, n = 1 .. infinity))

"[[,,[]],["&bullet;",,"Apply the P-test on" (n)^(-2)", which shows the summation diverges if" p<=1 "for" (&sum;)1/((n)^p)],[,,p=2],["&bullet;",,"Since" 1<2", we get that the summation converges"],[,,([[(&sum;)(n)^(-2)" converges"]])]]"

(4)

f := sum(1/n^2, n = 1 .. infinity)

(1/6)*Pi^2

(5)

How do we get this value from Euler ( The Basel Problem)

# Step 1: Define the series f
f := sum(1/n^2, n = 1 .. infinity);

# Step 2: Write the series as a product of terms (1 - 1/p)
g := convert(product(1 - 1/p, p = primes), hypergeom);

# Step 3: Compare with the Taylor series of the sine function
h := series(sin(x), x = 0, 10);

# Step 4: Set up equations between corresponding terms
eq := seq(coeff(h, x, 2*k)/k!, k = 1 .. 5) =
      seq(coeff(g, x, k), k = 1 .. 5);

# Step 5: Solve the equations to find the value of the series
sol := solve({eq, seq(coeff(g, x, k) = 0, k = 6 .. 10)});

# Step 6: Replace x with pi/2 to find the value
sol_pi := subs(x = Pi/2, sol);

# Step 7: Compute the value of the series
value := sol_pi[1][2];

value;

(1/6)*Pi^2

 

1-1/primes

 

series(x-(1/6)*x^3+(1/120)*x^5-(1/5040)*x^7+(1/362880)*x^9+O(x^11),x,11)

 

(0, 0, 0, 0, 0) = (0, 0, 0, 0, 0)

 

Error, invalid input: solve expects its 1st argument, eqs, to be of type {`and`, `not`, `or`, rtable, algebraic, relation(algebraic), relation({rtable, algebraic}), {list, set}({`and`, `not`, `or`, algebraic, relation(algebraic)})}, but received {0 = 0, (0, 0, 0, 0, 0) = (0, 0, 0, 0, 0)}

 

sol

 

Error, attempting to assign to `value` which is protected.  Try declaring `local value`; see ?protect for details.

 

value

(6)

NULL

Download Het_Basel_Probleem_van_Euler.mw

@ecterrab

Fetching package "Physics Updates" from MapleCloud...

ID: 5137472255164416
Version: 1713
URL: https://maple.cloud

An error occurred, the package was not installed:
Could not open workbook: /tmp/cloudDownload3108059082303936092/Physics Updates_1712064079729.maple

 

Same problem on Maple 2024 for Windows and Linux!!!

The following is a simple example of what I would like to do: 

M := Array(1 .. 10, 1 .. 2);

for i to 10 do
    M[i, 1] := i;
    M[i, 2] := 3*i;
end do;

Mt := Interpolation:-LinearInterpolation(M);
E := t -> Mt(t);
diffeq := D(C)(t) = E(t);
dsolve({diffeq, C(0) = 0}, {C(t)}, numeric);
Error, (in dsolve/numeric/process_input) unknown Interpolation:-LinearInterpolation([Vector(10, [1.,2.,3.,4.,5.,6.,7.,8.,9.,10.], datatype = float[8], attributes = [source_rtable = (Vector(10, [1.,2.,3.,4.,5.,6.,7.,8.,9.,10.], datatype = float[8], attributes = [source_rtable = (Array(1..10, 1..2, [[1.,3.],[2.,6.],[3.,9.],[4.,12.],[5.,15.],[6.,18.],[7.,21.],[8.,24.],[9.,27.],[10.,30.]], datatype = float[8]))]))])],Vector(10, [3.,6.,9.,12.,15.,18.,21.,24.,27.,30.], datatype = float[8], attributes = [source_rtable = (Array(1..10, 1..2, [[1.,3.],[2.,6.],[3.,9.],[4.,12.],[5.,15.],[6.,18.],[7.,21.],[8.,24.],[9.,27.],[10.,30.]], datatype = float[8]))]),uniform = true,verify = false) present in ODE system is not a specified dependent variable or evaluatable procedure

Hello,

I would like to generate a ColumnGraph such that the bars are centered over 1, 2, and 3. For example, I have a vector:

x:= Vector([1,2,3]);

When you execute ColumnGraph(x), you a get the first bar centered over 0.375, instead of 1, second bar centered over 1.375, instead of 2, and so on.

Thanks for your help.

I have seen this quite a bit in blocks of code. The `>` symbol seems to appear erratically. I don't know how to specifically reproduce this. Does it mean something? I would post the worksheet but it will not run without the package.

Hello

I have the following procedure that uses the Lie Derivatives of a vector field to build a set of equations.

LieDerList:=proc(h::symbol,f::list,vars::list)
description "This function returns the system of equations based on the Lie derivative.":
local i,n:=numelems(vars),L:=Array(0..n):
L[0]:=h:
for i from 1 to n do
    L[i]:=inner(f,map((a,b) -> diff(b,a),vars,L[i-1])):
end do:
return(zip((w,v)->simplify(w-v),[seq(L)],[seq](cat(h,i),i=0..n))):
end proc:

Below it is an example on how to call the procedure.

I used CodeTools:-ThreadSafetyCheck to check all the procedures used within LieDerList and LieDerList itself, but nothing wrong came out. However when I try to run 

LieEq4:=Threads:-Map(w->LieDerList(x,w,[x,y,z]),models4):

where models4 is a list of 1765 elements, maple returns "Error, (in factors) attempting to assign to `LinearAlgebra:-Modular:-Create` which is protected". If I change Threads to Grid, there is no problem at all.  

What am I overlooking? Is there a method to ensure the procedure is thread-safe?

Many thanks.   

PS.  I found one problem - inner, which is related to LinearAlgebra package, is not thread-safe.  

This is not new in Maple 2024, and also happens in Maple 2023. But it causes the famous "kernel connection has been lost" each time. 

I think many of the kernel connection has been lost problems I see might be related. It could be memory problem in this case. I wonder if someone will be able to track what causes it. Is it expected that server.exe crash on such input?

ps. Reported to Maplesoft support.

 


 

36292

interface(version);

`Standard Worksheet Interface, Maple 2024.0, Windows 10, March 01 2024 Build ID 1794891`

Physics:-Version();

`The "Physics Updates" version in the MapleCloud is 1708 and is the same as the version installed in this computer, created 2024, March 27, 16:20 hours Pacific Time.`

restart;

238376

integrand:=(2*x^2022+1)/(x^2023+x);

(2*x^2022+1)/(x^2023+x)

int(integrand,x);


 

Download reproducible_server_crash_test.mw

 

For reference, another software give this result instantly and with no crash:

My PC is windows 10, with 128 GB RAM.

 

May be someone could find what causes this new internal error in Maple 2024. 

I did report it already to Maplesoft. It does not happen in Maple 2023. Attached both worksheets.

interface(version);

`Standard Worksheet Interface, Maple 2024.0, Windows 10, March 01 2024 Build ID 1794891`

Physics:-Version();

`The "Physics Updates" version in the MapleCloud is 1708 and is the same as the version installed in this computer, created 2024, March 27, 16:20 hours Pacific Time.`

integrand:=(d*x)^m/(a+b*arctanh(c*x^n))^2;

(d*x)^m/(a+b*arctanh(c*x^n))^2

int(integrand,x);

Error, (in int/gparse/gmon) too many levels of recursion

 

 

Download int_gparse_gmon_error_maple_2024_march_27_2024.mw
 

130032

interface(version);

`Standard Worksheet Interface, Maple 2023.2, Windows 10, November 24 2023 Build ID 1762575`

integrand:=(d*x)^m/(a+b*arctanh(c*x^n))^2;

(d*x)^m/(a+b*arctanh(c*x^n))^2

int(integrand,x);

2*x*(c*exp(n*ln(x))-1)*(c*exp(n*ln(x))+1)*exp(m*(ln(d)+ln(x)-((1/2)*I)*Pi*csgn(I*d*x)*(-csgn(I*d*x)+csgn(I*d))*(-csgn(I*d*x)+csgn(I*x))))/(b*c*n*exp(n*ln(x))*(-b*ln(1-c*exp(n*ln(x)))+b*ln(c*exp(n*ln(x))+1)+2*a))+int(-2*exp(m*(ln(d)+ln(x)-((1/2)*I)*Pi*csgn(I*d*x)*(-csgn(I*d*x)+csgn(I*d))*(-csgn(I*d*x)+csgn(I*x))))*(c^2*m*(exp(n*ln(x)))^2+c^2*n*(exp(n*ln(x)))^2+(exp(n*ln(x)))^2*c^2-m+n-1)/(b*c*n*exp(n*ln(x))*(-b*ln(1-c*exp(n*ln(x)))+b*ln(c*exp(n*ln(x))+1)+2*a)), x)

 

 

Download int_gparse_gmon_NO_error_maple_2023.mw

I setup my package to display the a message when it is loaded. It is quiet convienent but I don't need it all the time. Obviously I can "#" in the code to hide it premanently. I was wondering if there is away to optionally turn it off/on. Something along the lines.

with(RationalTrigonometry,false) or with(RationalTrigonometry)[false]....

Or put something in the .ini flie to set the default behaviour.

restart:with(RationalTrigonometry):
 "Default global settings:-

     GeomClr = "Blue",

      Prntmsg = true,

       Prjpsn = 3 can be set to 1,

      Normalgpt = 1 or set to 0, 

    Metric is a 3 x3 symmetric matrix defaults to the Identity 

    matrix "


 

Suppose I have, a row vector  R = [R1 , R2  , R] and a column vector C =  [C1 , C2  , C]. I need a multiplication like as follows

RC = [ R1 [C], R2[C], R3 [C]  ], so that RC will be a 3/3 matrix. 

 

Recognizing Handwritten Digits with Machine Learning

Introduction

 

Using the DeepLearning  package, this application trains a neural network to recognize the numbers in images of handwritten digits. The trained neural network is then applied to a number of test images.

 

The training and testing images are a very small subset of the MNIST database of handwritten digits; these consist of 28 x 28 pixel images of a handwritten digit, ranging from 0 to 9. A sample image for the digit zero is .

 

Ultimately, this application generates an vector of weights for each digit; think of weights as a marking grid for a multiple choice exam. When reshaped into a matrix, a weight vector for the digit 0 might look like this.

When attempting to recognize the number in an image

 

• 

If a pixel with a high intensity lands in the red area, the evidence is high that the handwritten digit is zero

• 

Conversely, if a pixel with a high intensity lands in the blue area, the evidence is low that the handwritten digit is zero

 

The DeepLearning package is a partial interface to Tensorflow, an open-source machine learning framework. To learn about the machine learning techniques used in this application, please consult these references (the next section, however, features a brief overview)

 

• 

https://www.tensorflow.org/versions/r1.1/get_started/mnist/beginners

• 

https://www.oreilly.com/learning/not-another-mnist-tutorial-with-tensorflow

Notes

 

Introduction

 

We first build a computational (or dataflow) graph. Then, we create a Tensorflow session to run the graph.

 

Tensorflow computations involve tensors; think of tensors as multidimensional arrays.

Images

 

Each 28 x 28 image is flattened into a list with 784 elements.

 

Once flattened, the training images are stored in a tensor x, with shape of [none, 784]. The first index is the number of training images ("none" means that we can use an arbitrary number of training images).

Labels

 

Each training image is associated with a label.

 

• 

Labels are a 10-element list, where each element is either 0 or 1

• 

All elements apart from one are zero

• 

The location of the non-zero element is the "value" of the image

 

So for an image that displays the digit 5, the label is [ 0,0,0,0,0,1,0,0,0,0]. This is known as a one-hot encoding.

 

All the labels are stored in a tensor y_ with a shape of [none, 10].

Training

 

The neural network is trained via multinomial logistic regression (also known as softmax).

 

Step 1

Calculate the evidence that each image is in a selected class. Do this by performing a weighted sum of the pixel intensity for the flattened image.

 

e__i = sum(`W__i,j`*x__j, j = 1 .. 784)+b__i

 

where

 

• 

Wi,j and bi are the weight and the bias for digit i and pixel j. Think of W as a matrix with 784 rows (one for each pixel) and 10 columns (one for each digit), and b is a vector with 10 columns (one for each digit)

• 

xj is the intensity of pixel j

 

Step 2

Normalize the evidence into a vector of probabilities with softmax.

 

y__i = softmax*e__i and softmax*e__i = e^x__i/(sum(e^x__j, j = 1 .. 784))

 

Step 3

For each image, calculate the cross-entropy of the vector of predicted probabilities and the actual probabilities (i.e the labels)

 

H__y_(y) = -(sum(y_[i]*log(y__i), i = 1 .. 10))

where

• 

y_ is the true distribution of probabilities (i.e. the one-hot encoded label)

• 

y is the predicted distribution of probabilities

 

The smaller the cross entropy, the better the prediction.

 

Step 4

The mean cross-entropy across all training images is then minimized to find the optimum values of W and b

Testing

 

For each test image, we will generate 10 ordered probabilities that sum to 1. The location of the highest probability is the predicted value of the digit.

Miscellaneous

 

This application consists of

 

• 

this worksheet

• 

and a very small subset of images from the MNIST handwritten digit database

 

in a single zip file. The images are stored in folders; the folders should be extracted to the location as this worksheet.

Load Packages and Define Parameters

 

restart:
with(DeepLearning):
with(DocumentTools):
with(DocumentTools:-Layout):
with(ImageTools):

LEARNING_RATE := 0.01:
TRAIN_STEPS   := 40:

 

Number of training images to load for each digit (maximum of 100)

N := 22:


Number of labels (there are 10 digits, so this is always 10)

L := 10:

 

Number of test images

T := 50:

Import Training Images and Generate Labels

 

Import the training images, where images[n] is a list containing the images for digit n.

path := "C:/Users/Wilfried/Documents/Maple/Examples/ML/":
for j from 0 to L - 1 do
    images[j] := [seq(Import(cat(path, j, "/", j, " (", i, ").PNG")), i = 1 .. N)];
end do:

Generate the labels for digit j, where label[n] is the label for image[n].

for j from 0 to L - 1 do
   labels[j] := ListTools:-Rotate~([[1,0,0,0,0,0,0,0,0,0]$N],-j)[]:
end do:

 

Display training images

Embed([seq(images[i-1], i = 1 .. L)]);

Training

 

Flatten and collect images

x_train := convert~([seq(images[i - 1][], i = 1 .. L)], list):

 

Collect labels

y_train := [seq(labels[i - 1], i = 1 .. L)]:

 

Define placeholders x  and y to feed the training images and labels into

SetEagerExecution(false):
x  := Placeholder(float[4], [none, 784]):
y_ := Placeholder(float[4], [none, L]):

Define weights and bias

W := Variable(Array(1 .. 784, 1 .. L), datatype = float[4]):
b := Variable(Array(1 .. L), datatype = float[4]):

 

Define the classifier using multinomial logistic regression

y := SoftMax(x.W + b):

 

Define the cross-entropy (i.e. the cost function)

cross_entropy := ReduceMean(-ReduceSum(y_ * log(y), reduction_indicies = [1])):

 

Get a Tensorflow session

sess := GetDefaultSession():

 

Initialize the variables

init := VariablesInitializer():
sess:-Run(init):

 

Define the optimizer to minimize the cross entropy

optimizer := Optimizer(GradientDescent(LEARNING_RATE)):
training  := optimizer:-Minimize(cross_entropy):

 

Repeat the optimizer many times

for i from 1 to TRAIN_STEPS do

   sess:-Run(training, {x in x_train, y_ in y_train}):

   if i mod 200 = 0 then
      print(cat("loss = ", sess:-Run(cross_entropy, {x in x_train, y_ in y_train})));    
   end if:

end do:

Import Test Images and Predict Numbers

 

Randomize the order of the test images.

i_rand := combinat:-randperm([seq(i, i = 1 .. 100)]);

[13, 71, 67, 52, 81, 37, 46, 6, 39, 77, 36, 21, 49, 95, 62, 26, 44, 65, 90, 72, 70, 5, 4, 54, 31, 23, 63, 18, 22, 38, 27, 53, 50, 17, 47, 51, 78, 79, 92, 20, 28, 34, 60, 80, 58, 87, 86, 93, 84, 12, 59, 98, 97, 56, 75, 10, 29, 61, 7, 66, 100, 42, 91, 43, 89, 76, 11, 74, 8, 96, 64, 94, 68, 48, 33, 24, 40, 30, 57, 73, 99, 15, 19, 1, 3, 41, 85, 83, 35, 14, 45, 2, 88, 9, 16, 32, 69, 25, 55, 82]

(6.1)


Load and flatten test images.

path:= "C:/Users/Wilfried/Documents/Maple/Examples/ML/test_images":
x_test_images := [seq(Import(cat(path,"/","test (", i, ").png")), i in i_rand[1 .. T])]:
x_train:= convert~(x_test_images, list):

 

For each test image, generate 10 probabilities that the digit is a number from 1 to 10

pred := sess:-Run(y, {x in x_train})

_rtable[36893490552617628484]

(6.2)


For each test image, find the predicted digit associated with the greatest probability

predList := seq( max[index]( pred[i, ..] ) - 1, i = 1 .. T )

9, 1, 0, 5, 3, 4, 5, 2, 8, 3, 8, 2, 5, 2, 4, 6, 8, 4, 1, 1, 1, 6, 7, 5, 7, 7, 4, 7, 7, 8, 7, 5, 5, 7, 5, 5, 3, 3, 0, 6, 7, 7, 4, 3, 4, 0, 3, 2, 3, 7

(6.3)

L := []; for i to 50 do L := [op(L), max(pred[i])] end do
:
Val:=Vector(10,0):
Val_mean:=Vector(10,0):
for k from 1 to 10 do:
  L1:=[]:
 for i from 1 to 50 do:
  if predList[i]=k-1 then L1:=[op(L1),L[i]] end if:
 end do:
 Val(k):=evalf(L1,3):
 Val_mean(k):=Statistics:-Mean(Array(L1)):
end do:

Val,Val_mean

 

Vector[column](%id = 36893490552619428548), Vector[column](%id = 36893490552619428668)

(6.4)

Consider the first test image

Embed(x_test_images[1])

The ten probabilities associated with this image are

pred[1, ..]

Vector[row](10, {(1) = 0.1176837849925505e-4, (2) = .3597199022769928, (3) = 0.8788742707110941e-3, (4) = 0.14628235250711441e-1, (5) = .16885940730571747, (6) = 0.10462711565196514e-1, (7) = 0.16997022554278374e-1, (8) = 0.5874206870794296e-1, (9) = 0.20698020234704018e-2, (10) = .3676302134990692})

(6.5)

 

Confirm that the probabilities add up to 1

add(i, i in pred[1, ..])

HFloat(1.0000000058325895)

(6.6)

 

The maximum probability occurs at this index

maxProbInd := max[index](pred[1, ..])

10

(6.7)

Hence the predicted number is

maxProbInd - 1

9

(6.8)

Embed(x_test_images[1 .. 25])

Embed(x_test_images[26 .. 50])

We now display all the predictions

T1 := Table(Row(seq(predList[k],k = 1.. 25)),Row( seq(predList[k],k = 26 .. 50 ))
          ):
InsertContent(Worksheet(T1)):

Visualize Weights


I have problmes running the file with Maple 2024. It runs fine with Maple 2020.2 (execpt the very last part, which is not essential). The problem occurs at the SoftMax command, even if I use Softmax. It seems to be a Python conersion problem in Maple 2024. Please let me know what the remidy is. You need to modify the data path because it is set to my computer.

Wilfried

Download HDR.mw

This is just cosmotics, but it looks ugly for me. For some reason Maple converts exp(2*a) to (exp(a))^2 under certain operations such as expand

expr:=exp(2*a);
expand(%);
simplify(%);
expand(%)

.

This happens in worksheet under typesetting level extends or standard.

Any specific reason why Maple likes to rewrite exp(2*a) as (exp(a))^2  and is there a way to tell it not to do that?

ps. it is little more than cosmotic actually, it affects the Latex generated

 

latex(expr)
{\mathrm e}^{2 a}


latex(expand(expr))
\left({\mathrm e}^{a}\right)^{2}

 

Maple 2024 on windows 10

Hi,

I successfully animated my trigonometric problem on the wheel. Just a few details: 1) The 'gridlines' option deactivates when using the 'tickmarks' option. 2) The animation takes time to compile. Any suggestions? Thank you for your advice on optimizing this animation

RoueAnimation.mw

Is this internal error expected? Why does it happen? Reported to Maplesoft just in case.

``

interface(version);

`Standard Worksheet Interface, Maple 2024.0, Windows 10, March 01 2024 Build ID 1794891`

restart;

189352

e:= RootOf(csc(_Z));
simplify(e);

RootOf(csc(_Z))

Error, (in simplify/trig/do/1) expression independent of, _Z

e:= RootOf(csc(x));
simplify(e);

RootOf(csc(_Z))

Error, (in simplify/trig/do/1) expression independent of, _Z

 

 

Download simplify_Z_error_maple_2024_march_22_2024.mw

ps. Reported to Maplesoft just in case.

I do not like this feature at all. called Scrollable Matrices:

https://mapleprimes.com/maplesoftblog/224789-Discover-Whats-New-In-Maple-2024

Is there a way to turn it off? 

In Maple 2024 when I display a wide matrix, it no longer wraps around if the worksheet window width was smaller as it did in Maple 2023. I prefer the 2023 behavior.

A:=Matrix(3,4,{(1, 1) = (y(x) = RootOf(-Intat(1/(_a^(3/2)+1),_a = _Z+x)+x+Intat(1/
(_a^(3/2)+1),_a = 0))), (1, 2) = "explicit", (1, 3) = "", (1, 4) = false, (2, 1
) = (y(x) = -1/2+1/2*I*3^(1/2)-x), (2, 2) = "explicit", (2, 3) = "", (2, 4) = 
false, (3, 1) = (x = -2/3*ln(((y(x)+x)^(3/2))^(1/3)+1)+1/3*ln(((y(x)+x)^(3/2))^
(2/3)-((y(x)+x)^(3/2))^(1/3)+1)+2/3*3^(1/2)*arctan(1/3*(2*((y(x)+x)^(3/2))^(1/3
)-1)*3^(1/2))+1/9*3^(1/2)*Pi), (3, 2) = "implicit", (3, 3) = "", (3, 4) = true}
,datatype = anything,storage = rectangular,order = Fortran_order,shape = []);

 

Screen shot on Maple 2023