Giter Site home page Giter Site logo

ai-feynman's People

Contributors

andrewktan avatar sj001 avatar

Stargazers

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

Watchers

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

ai-feynman's Issues

Strange function when inputting dataset with high values

When I input a dataset which contains large values (10000 and larger), AI-Feynman outputs a function whose graph seems to have no relation to the input values.
I then divided the dataset by it's highest value (50000), so that all the data was now stretching over a range from 0 to 1, and input the new dataset.
Surprisingly, AI-Feynman then produced a function whose graph approximates the input data points very well.
Do you have any idea what the problem is?

normalized_graph
original_graph

Discovered equation not showing the predicted y based on input data in "results" file

Hello,

Our research team has been using your package in hopes of accurately predicting some y from input data. Does your algorithm include a way to show the predictions of the y values from the x variables present in the discovered equation? For example if you look at the image below, how can we have the results file show all the predictions for any given x8 or x9 (x8 and x9 are columns in our dataset representing variables) from, say, the equation x8**6.79875469207764exp(0.318421006202698x9) in addition to the rows of results we get from the "results" file?

Screen Shot 2020-07-31 at 11 22 48 AM

Training is too slow

So, I'm trying to reproduce the paper results, but the training is too slow; it's taking more than 4 for a single problem on hours on Google Colab machines.
I forked the repo and did some refactoring and fix some of the problems, but still there so much more to be done, but the main obstacle is the training time. Also, the reported solving time in the paper is at most few thousand seconds can you please elaborate on that?
Please take a look at this notebook where I attempt to reproduce the results.

"...dh key too small" error

I get in trouble when trying the line "aifeynman.get_demos('example_data')". I'm using Ubuntu 20.04 and Python 3.8.5. I've tried by lowering security level in /etc/ssl/openssl.cnf file. But the wise men said that I should contact the administrator of the service instead of trying to change seclevel. Please help me to fix this error. Thank you!

Efficiency

It may help programs run faster if you use numba to precompile things to C

self-defined operations

Thank you for your work. I'm trying to run the package on some data and would love to get rid of the trigonometric functions. I created a new ops.txt file including only the operations I need for regression. But it seems that it only affects the brute force function, so I ended up getting regressions involving trigonometric functions. Is there a way that I could turn off the operations I don't need? Thank you. Really appreciate your work.

NN_epochs is overwritten to a fixed value

In this line of NN_train, epochs is overwritten to be 200*n_variables. I assume that means any value for NN_epochs that is passed by the user isn't going to control the number of epochs. Looks like it was maybe added for debugging and can be removed?

I would also suggest a warning if the number of epochs is tripled in the next lines:

        if len(variables)<5000:
            print('WARNING: tripling epochs since len(variables)<5000...') # suggested edit    
            epochs = epochs*3

OSError: results_comp.dat not found.

Hi,
I've correctly installed feynman-ai and all the packages. I can run the code on the GPU, but when I execute the example.py file, I face the following error:

Checking for compositionality...
Trying to solve mysteries with brute force...
Trying to solve results/gradients_comp_example1.txt_train.txt
Traceback (most recent call last):
  File "example.py", line 4, in <module>
    "14ops.txt", polyfit_deg=2, NN_epochs=20)
  File "/home/emanuele/Desktop/AI-Feynman/aifeynman/S_run_aifeynman.py", line 274, in run_aifeynman
    PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs, PA=PA)
  File "/home/emanuele/Desktop/AI-Feynman/aifeynman/S_run_aifeynman.py", line 125, in run_AI_all
    bf_all_output = np.loadtxt("results_comp.dat", dtype="str")
  File "/home/emanuele/.local/lib/python3.6/site-packages/numpy/lib/npyio.py", line 961, in loadtxt
    fh = np.lib._datasource.open(fname, 'rt', encoding=encoding)
  File "/home/emanuele/.local/lib/python3.6/site-packages/numpy/lib/_datasource.py", line 195, in open
    return ds.open(path, mode, encoding=encoding, newline=newline)
  File "/home/emanuele/.local/lib/python3.6/site-packages/numpy/lib/_datasource.py", line 535, in open
    raise IOError("%s not found." % path)
OSError: results_comp.dat not found.

I'm running the code on a vanilla Ubuntu 18.04.05, CUDA 11.3, python3.6.9.
I run the code with sudo python3 example.py

There is a tentative solution that suggest to go back to a previous version of the code, but it doesn't work for me and I don't think it should be considered as a proper solution.

p.s. I don't want to be polemical, but I encountered so many errors and it's a month that I try to replicate, without success, even the simplest experiment of this code. The paper has been published on Science, which I reckon is one of the best scientific journals in the word, so I expect the code to be at least replicable for the simplest examples provided by the author.

Emanuele

Type error in compositionality

The try-except was removed from the following block:
try:
succ_grad = evaluate_derivatives(pathdir,filename,model_feynman)
except:
succ_grad = 0
Execution error at grad_evaluated = evaluate_derivatives(directory, filename, model_feynman)
File “.../site-packages/torch/nn/functional.py”, line 1847, in linear
return torch._C._nn.linear(input, weight, bias)
RuntimeError: expected scalar type Float but found Double
Operation: evaluate_derivatives (in S_NN_get_gradients.py), after printing “Checking for compositionality...”
Line:
pts = torch.tensor(pts)
Partial traceback:
File “.../site-packages/torch/nn/functional.py”, line 1847, in linear
return torch._C._nn.linear(input, weight, bias)
RuntimeError: expected scalar type Float but found Double
The above error occurs every time “evaluate_derivatives” is called, which implies that “compositionality” never succeeds.
Request: would it be possible, if this bug is corrected, to also update the code on PyPI?

image for results.txt example

By default, 'file' is written in the MIFF image format. To
specify a particular image format, precede the filename with an image
format name and a colon (i.e. ps:image) or specify the image type as
the filename suffix (i.e. image.ps). Specify 'file' as '-' for
standard input or output.
import: delegate library support not built-in '' (X11) @ error/import.c/ImportImageCommand/1297.

Help with compile file

Hi,

I am very interested in this program but have been experiencing some issues. I think these may be related to incorrect compiling of the compile.sh file.

Using windows I can run compile.sh with no errors and expected output. However, I switched to linux due to permission errors.

I am running linux subsystem for windows:
Linux 4.4.0-18362-Microsoft x86_64
GNU Fortran (Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0

when running
*/AI-Feynman/Code $ ./compile.sh
or
*/AI-Feynman/Code $ sh compile.sh

I get the following output. I am not used to linux and am confused which directory I should be running the compilation in.

./compile.sh
: No such file or directoryegress1.f
: No such file or directoryegress2.f
: No such file or directoryegress3.f
: No such file or directoryegress_mdl2.f
: No such file or directoryegress_mdl3.f
./compile.sh: line 6: $'\r': command not found
chmod: cannot access 'brute_force_oneFile_v1.scr'$'\r': No such file or directory
chmod: cannot access 'brute_force_oneFile_v2.scr'$'\r': No such file or directory
chmod: cannot access 'brute_force_oneFile_v3.scr'$'\r': No such file or directory
chmod: cannot access 'brute_force_oneFile_mdl_v2.scr'$'\r': No such file or directory
chmod: cannot access 'brute_force_oneFile_mdl_v3.scr'$'\r': No such file or directory

some issues about the datasets with units

Thanks for your very interesting work! I tried to train with the dataset with units in the article, but I didnot get the expected results.

The dataset is "test_5" in bonus_with_units, and the code is:

"run_aifeynman("../example_data/", "test_5", 30,"14ops.txt", polyfit_deg=3, NN_epochs=500, vars_name=["d","G","m","m","t"])"

and the resutls in slution_test_5 is:

5.006057303416719 5006057.303416719 0.0 32.13463773652505 0
4.989065654687538 4989065.654687538 1.0 31.7583852291382 1
4.978401484872066 4978401.4848720655 3.0 31.524497844907824 1.50000000000000
4.80905110303342 4809051.103033421 4.321928094887363 28.032939045184865 4.50000000000000
4.80904207482569 4809042.07482569 13.43827205612483 28.03276361905674 4.42
4.749152667330576 4749152.667330576 33.20657561682404 26.89288575107004 asin(-0.43*x0 - 0.43)

could you help to solve it? Thank you very much!

Open source license?

Hi Silviu,

This is an exciting tool you have created! I'm a former PhD student of Max (graduated in 2016). I'm currently working for Waymo, and would love to try this out in my work, but I'm not sure if I should without any open source license mentioned here. Can you please include a license in the repo? An example MIT license: https://www.mit.edu/~amini/LICENSE.md.

Thank you!

Jeff

Website "quickstart" session has wrong commands

Not sure this is the right place to post this, but on the main website ( https://ai-feynman.readthedocs.io/en/latest/ - the one you link to on your paper) there are wrong (maybe outdated) commands:

aifeynman.getdemos('example_data') # download examples from server
aifeynman.launch("../example_data/", "example1.txt", 30, "14ops.txt", polyfit_deg=3, NN_epochs=500)

getdemos should be get_demos
launch should be run_aifeynman

As per the examples here in GitHub

Windows 10/64bits DLL error

Hi,
When testing the example1 in my Windows 10/64bits computer I got the following error:

File "C:\Users\inter\AppData\Local\Continuum\anaconda3\Scripts\feynman_sr_mdl_mult.exe\__main__.py", line 4, in <module>
ImportError: DLL load failed: %1 is not a valid Win32 application.

Question on AI-Feynman training speed

I came across your wonderful work in the Medium article. I consider myself a rookie when it comes to machine learning or AI, and as such have some beginner's questions on the AI-Feynman system:

  1. Is there a a bottleneck on the training speed? For example, is the code optimized to run on CUDA or parallel GPU/CPU? I noticed the presence of PyTorch and am wondering do GPU(s) make a difference? If not, can the training be distributed parallel across CPUs?

  2. If looking at application for machine learning datasets, what would be a realistic/practical limit to the data size or dimension for input? For example, can this be applied to find a regression equation for target y using dataset with 1000 features (i.e. X1, X2....X1000)? Or should some sort of feature selection or dimensional reduction be applied to reduce number of features to a reasonable or manageable amount?

  3. What would be best practice to apply this to a machine learning dataset? For example, the Boston Housing Price example dataset used in regression tasks?

Thank you for your time. I have not run the algo myself because I'm on Win10 and looks like this may be a problem.

Changing Hyperparameters

Hi,
Is there a possibility to change the some of the hyperparameters, such as the tolerance for symmetry and validation error tolerance for neural network, when running run_aifeynman?
Thank you for your help!

Kind regards,
Iza

Sample Execution Error

Hello.
I am trying to execute the first example code of AI-Feynman, following its GitHub repository procedure.
I have done $ pip install aifeynman, and executed the below codes at the REPL.

import aifeynman
aifeynman.get_demos("example_data") # Download examples from server
aifeynman.run_aifeynman("./example_data/", "example1.txt", 60, "14ops.txt", polyfit_deg=3, NN_epochs=500)

The code has been started, but it output an error message "STOP DEATH ERROR: missing file args.dat" with the following stdout statements.

Checking for brute force + 

Trying to solve mysteries with brute force...
Trying to solve ./example_data/example1.txt_train
STOP DEATH ERROR: missing file args.dat
Checking for brute force * 

Trying to solve mysteries with brute force...
Trying to solve ./example_data/example1.txt_train
STOP DEATH ERROR: missing file args.dat
Checking polyfit 

Pareto frontier in the current branch:

Complexity #  MDL Loss #  Expression
820.58 23.51 -3.97366916299281e-9*x0**3 - 4.98792375183732e-6*x0**2*x1 - 2.34615280130395e-5*x0**2*x2 + 0.000207395709218903*x0**2 - 0.000127172549695894*x0*x1**2 - 0.0297271185372981*x0*x1*x2 + 0.253671372975734*x0*x1 + 0.00425288419012183*x0*x2**2 - 0.0277197179641274*x0*x2 + 0.932555887619613*x0 - 0.000233584852340369*x1**3 - 0.0590672539598628*x1**2*x2 + 0.504778926577637*x1**2 + 0.0253291848989736*x1*x2**2 - 0.131143431894439*x1*x2 - 0.651859763950773*x1 - 0.00362777965859679*x2**3 + 0.0321967297940855*x2**2 - 0.0913890606187051*x2 + 0.614004068741101

Checking for brute force + 

Trying to solve mysteries with brute force...
Trying to solve results/mystery_world_squared/example1.txt_train
STOP DEATH ERROR: missing file args.dat
Checking for brute force * 

(These lines above are repeated...)

My environment was constructed on an AWS VM based on the Deep Learning AMI of Ubuntu 18.04,
and its pre-installed conda environment with py36 & torch was activated.

I would appreciate it if you could tell me how to solve this problem. Thank you very much.

pypi install

The library should be installable via pypi. I can help you set it up. basically, there should be an option to run pip install ai-feynman. It also brings up the issue that requirements.txt should be working out of the box, but it has a few errors. if you run python3 -m pip install -r requirements.txt there is a big in the 'sympy = 1.4' line. It should be ==. Also, gfortran and cash are not pip installable. Those are yum install or apt-get install

pipy / conda

On Ubuntu18, conda environment with pytorch 1.3, python 3.6 I had to
apt install gfortran and csh
and on python sortedcontainers, seaborn, sympy
PiPy or conda version of this would be nice.

Also
cant the brute force steps not be parallelized with CUDA?

Also2
on AMD Ryzen3900 32GRam, Titan RTX 24G system, your ai_feynman_example.py test ran for over a day, then died without explanation (right after mystery_world_atan). Never getting to the 5 layer MLP which I was curious about. FYI.

OSError: results_gen_sym.dat not found

Hello! I recently watched your wonderful presentation of the code at Oxford university and I am very interested in using it in my own work. I have successfully installed the code. However, when I run the test command

import aifeynman
aifeynman.get_demos("example_data") 
aifeynman.run_aifeynman("./example_data/", "example1.txt", 60, "14ops.txt", polyfit_deg=3, NN_epochs=500)

to verify that the code is working I get the following error message:

Trying to solve results/gradients_gen_sym_example1.txt_train
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
  File "/home/zcapjru/feyn/lib/python3.8/site-packages/aifeynman/S_run_aifeynman.py", line 274, in run_aifeynman
    PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs, PA=PA)
  File "/home/zcapjru/feyn/lib/python3.8/site-packages/aifeynman/S_run_aifeynman.py", line 156, in run_AI_all
    bf_all_output = np.loadtxt("results_gen_sym.dat", dtype="str")
  File "/home/zcapjru/feyn/lib/python3.8/site-packages/numpy/lib/npyio.py", line 961, in loadtxt
    fh = np.lib._datasource.open(fname, 'rt', encoding=encoding)
  File "/home/zcapjru/feyn/lib/python3.8/site-packages/numpy/lib/_datasource.py", line 195, in open
    return ds.open(path, mode, encoding=encoding, newline=newline)
  File "/home/zcapjru/feyn/lib/python3.8/site-packages/numpy/lib/_datasource.py", line 535, in open
    raise IOError("%s not found." % path)
OSError: results_gen_sym.dat not found. 

This seems to suggest that there’s a missing file. Has someone run this code since the last update of the repository?
Thank you so much in advance and looking forward to using the code,
Jaime

facing Permission denied and Value error

Hi Silviu, firstly I should say appreciate to you for such awesome code!
I'm engaged in R&D in company, and I wanna utilize this scripts; AI-Feynman.
I cloned this repository on 2020/04/21 and run the sample one;

python ai_feynman_terminal_example.py --pathdir=../example_data/ --filename=example1.txt

and I got 2 error messages.
1st, Permission denied as shown below:

Checking for brute force + 
14ops.txt: ./brute_force_oneFile_v3.scr: Permission denied
Checking for brute force * 
14ops.txt: ./brute_force_oneFile_v2.scr: Permission denied
Checking polyfit 
error
error
error
error
Complexity  RMSE  Expression
[0.0, 1.0, '0']

2nd, Value error after NN as shown below:

Checking for symmetry 
 example1.txt_train
Training a NN on the data... 

tensor(0.0162, grad_fn=<DivBackward0>)
tensor(0.0063, grad_fn=<DivBackward0>)
tensor(0.0139, grad_fn=<DivBackward0>)
tensor(0.0079, grad_fn=<DivBackward0>)
NN loss:  tensor(0.0079, grad_fn=<DivBackward0>) 

Torch not compiled with CUDA enabled
Traceback (most recent call last):
  File "/Users/~/opt/anaconda3/lib/python3.7/site-packages/numpy/lib/npyio.py", line 973, in loadtxt
    fh = iter(fname)
TypeError: 'int' object is not iterable

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "ai_feynman_terminal_example.py", line 18, in <module>
    NN_epochs=opts.NN_epochs)
  File "/Users/~/gits/ai-feynman/Code/S_run_aifeynman.py", line 163, in run_aifeynman
    PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs)
  File "/Users/~/gits/ai-feynman/Code/S_run_aifeynman.py", line 113, in run_AI_all
    PA1 = run_AI_all(new_pathdir,new_filename,BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs, PA1_)
  File "/Users/~/gits/ai-feynman/Code/S_run_aifeynman.py", line 35, in run_AI_all
    data = np.loadtxt(pathdir+filename)
  File "/Users/~/opt/anaconda3/lib/python3.7/site-packages/numpy/lib/npyio.py", line 976, in loadtxt
    raise ValueError('fname must be a string, file handle, or generator')
ValueError: fname must be a string, file handle, or generator

for the 1st error; permission denied, avoided by this change:

def brute_force(~):
    if sep_type=="*":
-        subprocess.call(["./brute_force_oneFile_v2.scr", file_type, "%s" %try_time, pathdir+filename])
+        subprocess.call(["chmod u+x ./brute_force_oneFile_v2.scr", file_type, "%s" %try_time, pathdir+filename])
    if sep_type=="+":
-        subprocess.call(["./brute_force_oneFile_v3.scr", file_type, "%s" %try_time, pathdir+filename])
+        subprocess.call(["chmod u+x ./brute_force_oneFile_v3.scr", file_type, "%s" %try_time, pathdir+filename])

for the 2nd error; Value error, I checked inputed filename, I see the numerical value "-11" has received for this sentence.
I have no idea how can I avoid this error....

My environment is:

  • macOS Catalina 10.15.2
  • Anaconda venv
  • python=3.7.4

I hope this will be standard of 1st step of data analysis and progress moreover:)

ImportError: DLL load failed while importing _symbolic_regress_mdl3

Hello,

I managed to pip install aifeynman on Windows using Miniconda and MinGW's gfortran.

When testing on a simple example, I get this error message:

Traceback (most recent call last):
File "c:\python-distributions\miniconda3\envs\simreg\lib\runpy.py", line 197, in _run_module_as_main
return _run_code(code, main_globals, None,
File "c:\python-distributions\miniconda3\envs\simreg\lib\runpy.py", line 87, in run_code
exec(code, run_globals)
File "C:\python-distributions\Miniconda3\envs\simreg\Scripts\feynman_sr_mdl_mult.exe_main
.py", line 4, in
ImportError: DLL load failed while importing _symbolic_regress_mdl3: The specified module could not be found.

I have tried to execute this program "feynman_sr_mdl_mult.exe" in the conda terminal, and I get the same error.

Any ideas on how to solve this issue?

Many thanks!
Rafael March.

TypeError: can't convert cuda:0 device type tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first.

I just created a fresh Ubuntu 20.04.3 LTS install and installed drivers and checked that pytorch was using CUDA and everything seems fine.

It's in S_run_aifenman.py line 85:
idx_min = np.argmin(np.array([symmetry_plus_result.......

This error occurs after all the brute force lines. I'm not familiar with numpy or pytorch, so hopefully this is an obvious error on my part? This is the command I used to get pytorch

pip3 install torch==1.9.1+cu111 torchvision==0.10.1+cu111 torchaudio===0.9.1 -f https://download.pytorch.org/whl/torch_stable.html

Then I followed that notebook on the linked site on the README. I'm using my own data that is similar to their example. Did something perhaps change recently that would cause this error with the code? Do I need to use an old pytorch? (I have a 3090 that I'm using for reference since I believe I need to use CUDA 11.1 or higher).

File not found

Hi, when I run the example this error reported.

OSError Traceback (most recent call last)
in
1 import aifeynman
2
----> 3 aifeynman.run_aifeynman("./example_data/", "example1.txt", 30, "14ops.txt", polyfit_deg=3, NN_epochs=500)

/opt/anaconda3/envs/climate/lib/python3.6/site-packages/aifeynman/S_run_aifeynman.py in run_aifeynman(pathdir, filename, BF_try_time, BF_ops_file_type, polyfit_deg, NN_epochs, vars_name, test_percentage)
291 for j in range(len(PA_list)):
292 PA = add_snap_expr_on_pareto(pathdir,filename,PA_list[j][-1],PA, "")
--> 293
294 PA_list = PA.get_pareto_points()
295 np.savetxt("results/solution_first_snap_%s.txt" %filename,PA_list,fmt="%s")

/opt/anaconda3/envs/climate/lib/python3.6/site-packages/aifeynman/S_run_aifeynman.py in run_AI_all(pathdir, filename, BF_try_time, BF_ops_file_type, polyfit_deg, NN_epochs, PA)
135 sigma = new_sigma
136 except:
--> 137 continue
138 #except:
139 # idx_comp = 0

/opt/anaconda3/envs/climate/lib/python3.6/site-packages/numpy/lib/npyio.py in loadtxt(fname, dtype, comments, delimiter, converters, skiprows, usecols, unpack, ndmin, encoding, max_rows)
979 fname = os_fspath(fname)
980 if _is_string_like(fname):
--> 981 fh = np.lib._datasource.open(fname, 'rt', encoding=encoding)
982 fencoding = getattr(fh, 'encoding', 'latin1')
983 fh = iter(fh)

/opt/anaconda3/envs/climate/lib/python3.6/site-packages/numpy/lib/_datasource.py in open(path, mode, destpath, encoding, newline)
267
268 ds = DataSource(destpath)
--> 269 return ds.open(path, mode, encoding=encoding, newline=newline)
270
271

/opt/anaconda3/envs/climate/lib/python3.6/site-packages/numpy/lib/_datasource.py in open(self, path, mode, encoding, newline)
621 encoding=encoding, newline=newline)
622 else:
--> 623 raise IOError("%s not found." % path)

OSError: results_comp.dat not found.

And I checked the code:

for qqqq in range(1):
brute_force_comp("results/","gradients_comp_%s.txt" %filename,600,"14ops.txt")
bf_all_output = np.loadtxt("results_comp.dat", dtype="str")

def brute_force_comp(pathdir, filename, BF_try_time, BF_ops_file_type, sigma=10, band=0):

try_time = BF_try_time
try_time_prefactor = BF_try_time
file_type = BF_ops_file_type

try:
    os.remove("results_comp.dat")
except:
    pass

I am confused that why the results_comp.dat is removed before loading.

Does it work on power law?

I tried to test the Hill equation with y = (xh)/(xh+K**h), where h and K are parameters (both are positive rational numbers).

Here are my settings:
BF_try_time = 60
BF_ops_file_type="14ops"
NN_epochs = 4000
polyfit_deg = 2

It seems that AI Feynman doesn't work. Do you have any suggestions?

Syntax error

I'm using the python interface:

e.g.: run_aifeynman(path,file,30,"7ops.txt", polyfit_deg=3, NN_epochs=600)

During the execution, I see the following message in the output:
Checking for brute force +
set: Syntax Error.

and then the solver progresses as if there is no error. For example, the message is followed by:

**Complexity RMSE Expression
[51.36772134865003, 26.867787072542978, '0.26903028974544x2 + 3']
[102.82317913962802, 25.759757319218686, '-0.266777978995514
x0 + 0.26903028974544x2 + 3']
[200.04861120822196, 24.01782206148508, '-0.266777978995514
x0 - 0.264791621935148x1 + 0.26903028974544x2 + 0.26547944179182*x3 + 3']
Checking for brute force +

Trying to solve mysteries with brute force...
Trying to solve results/mystery_world_atan/duplicateVarsWithNoise.txt_train...
/bin/cp -p results/mystery_world_atan/duplicateVarsWithNoise.txt_train mystery.dat**

Is this "set: Syntax Error" a real problem or is everything fine?

Thanks.

Compiler issue with the Fortran files on Windows 10 (symbolic_regress2.f and symbolic_regress3.f do work, but others don't)

I'm converting the project to run on Windows 10 (so I can use my GPU without WSL2). Converting the .scr files into python was easy enough, but I can't for the life of me get the Fortran files to compile to valid exe files. (Using gfortran from latest mingw64),

gfortran -ffixed-line-length-none -O3 -o symbolic_regress1.exe symbolic_regress1.f
gfortran -ffixed-line-length-none -O3 -o symbolic_regress2.exe symbolic_regress2.f
gfortran -ffixed-line-length-none -O3 -o symbolic_regress3.exe symbolic_regress3.f
gfortran -ffixed-line-length-none -O3 -o symbolic_regress_mdl2.exe symbolic_regress_mdl2.f
gfortran -ffixed-line-length-none -O3 -o symbolic_regress_mdl3.exe symbolic_regress_mdl3.f

All of those commands run fine producing an exe. When I run them though they say "This app can't run on your PC". Also when python subprocess tries to execute it I get the predictable: "OSError: [WinError 193] %1 is not a valid Win32 application".

That is all except the symbolic_regress2.exe and symbolic_regress3.exe which is completely fine. When I run it I get back:

STOP DEATH ERROR: missing file args.dat

Which is exactly what I'd expect. Why are the other Fortran files different? They're like corrupted or something when they compile. I tried the 32-bit gfortran and it produced similar results. Am I missing a flag? (I already ran this in Ubuntu fine, so I'm leaning toward a compiler issue, but I'm not familiar with Fortran).

edit: Interesting. Changing to win32 threads in mingw64 made the symbolic_regress2.exe stop working. Switching to older versions of the compiler didn't change the behavior.

Would it be hard to support ranges of result values (a min and max value) and/or integer results?

Say I have an equation with N input symbols and the result is an integer. So in the results right now I'd have a value like 4. What I'd want instead is 3.50001 to 4.49999. (If the computed equation outputs anything in that range then it would be correct). This would be the equivalent of wrapping the computed expression with a round function to get the result. Thinking out loud, but it could still try to weight toward the middle value between the min/max, but it wouldn't try to make a super complex expression if it the results are in their respective range.

The change to the input format for this use case would be the last two columns would have a min and max result value. Not sure if this kind of change is a research paper in itself to figure out or an obvious change to the existing code to support. I'd picture this as a boolean parameter so the default behavior would be a single result column.

An alternative idea would be having a boolean flag to support wrapping the resultant expression in a round function. Not sure if that works with the algorithm.

edit: I believe the integer solution wouldn't work since the data has to be normalized more or less or not use a wide range of numbers. The min/max value solution would work better as it could be normalized just like the rest of the columns.

Error(s) in loading state_dict for SimpleNet:

I got these errors running on Big Sur:

% python --version
Python 3.8.5
(feyn) (base) davidlaxer@x86_64-apple-darwin13 examples % python example.py
...

Checking for symmetry 
 example1.txt_train
NN already trained 

Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
NN loss:  100 

Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
Error(s) in loading state_dict for SimpleNet:
	Missing key(s) in state_dict: "bn1.weight", "bn1.bias", "bn1.running_mean", "bn1.running_var", "bn2.weight", "bn2.bias", "bn2.running_mean", "bn2.running_var", "bn3.weight", "bn3.bias", "bn3.running_mean", "bn3.running_var", "bn4.weight", "bn4.bias", "bn4.running_mean", "bn4.running_var". 
(feyn) (base) davidlaxer@x86_64-apple-darwin13 examples % 

Problem with using pretrained NN

Hi Silviu:

Thanks for this great package. I have been using it for my research and has a problem with using pretrained NNs, The error is as follows:

RuntimeError: Error(s) in loading state_dict for SimpleNet:
size mismatch for linear1.weight: copying a param with shape torch.Size([128, 4]) from checkpoint, the shape in current model is torch.Size([128, 3]).

Noted that my dataset has 4 independent variables. From the log, it seems AI-Feyman has reduced the number of variables from 4 to 3 in the previous steps, may cause this issue. Just want to check what is the best way to fix this.

Thanks

Su

(Docker Machine) FileNotFoundError: [Errno 2] No such file or directory: './brute_force_oneFile_v3.scr' -- Solved

Hi,
While running your code on a Docker Debian Virtual Machine I got the following the error.

Traceback (most recent call last):
File "ai_feynman_terminal_example.py", line 17, in <module>
run_aifeynman(opts.pathdir, opts.filename, BF_try_time=opts.BF_try_time, BF_ops_file_type=opts.BF_ops_file_type, polyfit_deg=opts.polyfit_deg,
File "/data/AI-Feynman-master/Code/S_run_aifeynman.py", line 165, in run_aifeynman
PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs, PA=PA)
File "/data/AI-Feynman-master/Code/S_run_aifeynman.py", line 37, in run_AI_all
PA = run_bf_polyfit(pathdir,pathdir,filename,BF_try_time,BF_ops_file_type, PA, polyfit_deg)
File "/data/AI-Feynman-master/Code/S_run_bf_polyfit.py", line 26, in run_bf_polyfit
brute_force(pathdir_transformed,filename,BF_try_time,BF_ops_file_type,"+")
File "/data/AI-Feynman-master/Code/S_brute_force.py", line 29, in brute_force
subprocess.call(["./brute_force_oneFile_v3.scr", file_type, "%s" %try_time, pathdir+filename])
File "/usr/local/lib/python3.8/subprocess.py", line 340, in call
with Popen(*popenargs, **kwargs) as p:
File "/usr/local/lib/python3.8/subprocess.py", line 854, in __init__
self._execute_child(args, executable, preexec_fn, close_fds,
File "/usr/local/lib/python3.8/subprocess.py", line 1702, in _execute_child
raise child_exception_type(errno_num, err_msg, err_filename)
FileNotFoundError: [Errno 2] No such file or directory: './brute_force_oneFile_v3.scr'

I was able to to solve it by changing the brute_force function in S_brute_force.py. I added "sh" at the beginning of the arguments of the subprocess.call method, the following way:

'if sep_type=="*":
    subprocess.call(["sh", "./brute_force_oneFile_v2.scr", file_type, "%s" %try_time, pathdir+filename])
    #subprocess.call(["sh", "./brute_force_oneFile_mdl_v3.scr", file_type, "%s" %try_time, pathdir+filename, "10", "0"])
if sep_type=="+":
    subprocess.call(["sh", "./brute_force_oneFile_v3.scr", file_type, "%s" %try_time, pathdir+filename])
    #subprocess.call(["sh", ./brute_force_oneFile_mdl_v2.scr", file_type, "%s" %try_time, pathdir+filename, "10", "0"])
return 1'

To reproduce the error here is the docker machine I used.
Feel free to share or add it on your Readme as people might be interested in building Virtual Machine, especially for the Fortran binaries.

docker image pull python:3.8.3-buster
docker container run -it -v C:/Project/Docker:/data python:3.8.3-buster sh

apt-get update
apt-get install gfortran

pip install pandas scipy matplotlib sympy sortedcontainers
pip install torch==1.5.1+cpu torchvision==0.6.1+cpu -f https://download.pytorch.org/whl/torch_stable.html

cd data/AI-Feynman-master/Code
./compile.sh
python ai_feynman_terminal_example.py --pathdir=../example_data/ --filename=example1.txt

Option to force the algorithm to keep computing until all input symbols are used.

Say my input is x0...x8 result so 9 symbols and a result. I know that the resulting equation should include x0 to x8 and they are independent variables. (Meaning they can't be created via a function of any of the others). It would be nice to have a boolean flag that just kept computing until a result like that was found. Maybe an allIndependentVariables options that's false by default.

Question: Does the algorithm try to compute equations of the variables as a function of the others to first determine that they're probably independent? Like does it know which variables are probably independent after a bit and must be included in the final equation?

Value Error Problem

Hi Silviu,
Thank you very much for your useful code! Does ai_feynman requires the NVIDIA Graphic Card? Are there any other HW/SW requirements?
I am an author of Eureqa: software review you cited in your publication. I tried your code on my PC but at the end the ValueError of fname appeared (the same as KPL-T wrote in Issue#3). I tried to find the possible problem: In the script S_symmetry.py where command torch.cuda.is_available() returns 'False' for me. I don't have NVIDIA Graphic Card, so Cuda can't run on my PC. Could be this hardware the explanation of my problem? Is there any possibility to run you software without NVIDIA GPU?

Thank you in advance.
Renata

The error:
fh = iter(fname)
TypeError: 'int' object is not iterable
...............
During handling of the above exception, another exception occurred:
raise ValueError('fname must be a string, file handle, or generator')

ValueError: fname must be a string, file handle, or generator

Error while running the example set

While running the example set in python, I encounter this error during the run.

RuntimeError: Index put requires the source and destination dtypes match, got Long for the destination and Int for the source.

Here's the relevant progress and error...

NN already trained

NN loss: tensor(0.0011, grad_fn=)

Checking for symmetries...

Checking for separabilities...

Checking for compositionality...

Checking for generalized symmetry...
identify_decompositions ./example_data/ example1.txt_train
Trying (0, 1)
Traceback (most recent call last):

File "C:\Users\pauls\Documents\Python Scripts\untitled0.py", line 4, in
aifeynman.run_aifeynman("./example_data/", "example1.txt", 60, "14ops.txt", polyfit_deg=3, NN_epochs=500)

File "C:\Users\pauls\anaconda3\envs\feyn\lib\site-packages\aifeynman\S_run_aifeynman.py", line 274, in run_aifeynman
PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs, PA=PA)

File "C:\Users\pauls\anaconda3\envs\feyn\lib\site-packages\aifeynman\S_run_aifeynman.py", line 154, in run_AI_all
decomp_idx = identify_decompositions(pathdir,filename, model_feynman)

File "C:\Users\pauls\anaconda3\envs\feyn\lib\site-packages\aifeynman\S_gradient_decomposition.py", line 258, in identify_decompositions
all_scores = filter_decompositions_relative_scoring(X, y, model, visualize=visualize)

File "C:\Users\pauls\anaconda3\envs\feyn\lib\site-packages\aifeynman\S_gradient_decomposition.py", line 199, in filter_decompositions_relative_scoring
samples = draw_samples(X, y, model, s, NUM_SAMPLES, point=random_indices[i])

File "C:\Users\pauls\anaconda3\envs\feyn\lib\site-packages\aifeynman\S_gradient_decomposition.py", line 89, in draw_samples
pts[:, s] = idx

RuntimeError: Index put requires the source and destination dtypes match, got Long for the destination and Int for the source.

LinAlgError: Array must not contain infs or NaNs

206 for a in arrays:
207 if not isfinite(a).all():
--> 208 raise LinAlgError("Array must not contain infs or NaNs")
209
210 def _is_empty_2d(arr):

LinAlgError: Array must not contain infs or NaNs

Very Slow and Loops forever

I ran the example2.txt dataset multiple times and each time it took close to or over an hour to even get to the NN stage (which doesn't seem to match up with the 14s time on the paper). In addition to this, after creating a results.dat file (it only said "All Done: results in results.dat" on one of my runs), it continues to run seemingly forever, looping over the brute force, poly, and neural network (a collaborator of mine let it run for 2 days and it hadn't quite yet). Neither of us are quite sure what we could be doing wrong, as the command we ran to launch the process was copy-pasted from the Read-Me.

The attached image shows the looping, with it showing the "All Done," before it keeps running and shows the "All Done" a second time. (It has the "close window" screen stuck on it because It brought the machine down to a halt and it stopped accepting user input after I clicked x to close it)

Thank you in advance for any help you may be able to provide
image

ADDITIONAL INFO:
I had forgotten to include this in my initial post, but the generated results.dat contains result equations that make no sense when compared to the intended result equation
image

only 1 CPU utilized

Feature request. Can you add an option to distribute the task to more CPUs? On 64 core machine only one CPU is utilized. I imagine there would be Avery big speedup if the computation is spread out more efficiently. I can help do it if you point me in the right direction...

Fortran filename changes

The compile.sh script in the feyman directory doesn't match the file names in the directory:
gfortran: error: symbolic_regress1.f: No such file or directory
gfortran: error: symbolic_regress2.f: No such file or directory
gfortran: error: symbolic_regress3.f: No such file or directory
symbolic_regress_mdl2.f:220: Error: Can't open included file 'tools.f'
symbolic_regress_mdl3.f:244: Error: Can't open included file 'tools.f'
chmod: cannot access 'brute_force_oneFile_v1.scr': No such file or directory
chmod: cannot access 'brute_force_oneFile_v2.scr': No such file or directory
chmod: cannot access 'brute_force_oneFile_v3.scr': No such file or directory

The .f files mentioned were renamed to .f90, also tools.f90 After renaming the files, these warnings occur:
symbolic_regress1.f:123:46:

  newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))
                                          1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress1.f:133:55:

    rmsloss = rmsloss + (xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))**2
                                                   1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl2.f:108:63:

call LoadMatrixTranspose(nvarmax+1,nvar+1,nmax,ndata,xy0,mysteryfile)
1
Warning: Character length of actual argument shorter than of dummy argument ‘f’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl2.f:148:42:

         offst = xy(nvar+1,j) - f(n,ii,ops,xy(1,j))
                                      1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl2.f:171:50:

           newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)) - bestoffset)
                                              1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl3.f:108:63:

call LoadMatrixTranspose(nvarmax+1,nvar+1,nmax,ndata,xy0,mysteryfile)
1
Warning: Character length of actual argument shorter than of dummy argument ‘f’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl3.f:168:32:

         offst = y(j)/f(n,ii,ops,xy(1,j))
                            1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
symbolic_regress_mdl3.f:192:42:

           newloss = abs(y(j) - f(n,ii,ops,xy(1,j))*bestoffset)
                                      1

Warning: Character length of actual argument shorter than of dummy argument ‘ops’ (60/256) at (1) [-Wargument-mismatch]
chmod: cannot access 'brute_force_oneFile_v1.scr': No such file or directory
chmod: cannot access 'brute_force_oneFile_v2.scr': No such file or directory
chmod: cannot access 'brute_force_oneFile_v3.scr': No such file or directory

Win32 Error

Hi Silviu,

Thanks, for sharing your code. It looks like you guys have been doing some awesome work.

I've been getting the following error when I run ai_feynman_example.py. Have you ever encountered this issue before/do you have any idea what might be going wrong?

Thanks a lot,
Mitch

Error Message:
C:\Users\mitch\anaconda3\python.exe "E:/Documents/Aaaaa School Stuff/NSTRF/Modeling/AI-Feynman-master/Code/ai_feynman_example.py"
Checking for brute force +

Traceback (most recent call last):
File "E:/Documents/Aaaaa School Stuff/NSTRF/Modeling/AI-Feynman-master/Code/ai_feynman_example.py", line 3, in
run_aifeynman("../example_data/","example2.txt",30,"14ops.txt", polyfit_deg=4, NN_epochs=400)
File "E:\Documents\Aaaaa School Stuff\NSTRF\Modeling\AI-Feynman-master\Code\S_run_aifeynman.py", line 165, in run_aifeynman
PA = run_AI_all(pathdir,filename+"_train",BF_try_time,BF_ops_file_type, polyfit_deg, NN_epochs)
File "E:\Documents\Aaaaa School Stuff\NSTRF\Modeling\AI-Feynman-master\Code\S_run_aifeynman.py", line 39, in run_AI_all
PA = run_bf_polyfit(pathdir,pathdir,filename,BF_try_time,BF_ops_file_type, PA, polyfit_deg)
File "E:\Documents\Aaaaa School Stuff\NSTRF\Modeling\AI-Feynman-master\Code\S_run_bf_polyfit.py", line 27, in run_bf_polyfit
brute_force(pathdir_transformed,filename,BF_try_time,BF_ops_file_type,"+")
File "E:\Documents\Aaaaa School Stuff\NSTRF\Modeling\AI-Feynman-master\Code\S_brute_force.py", line 27, in brute_force
subprocess.call(["./brute_force_oneFile_v3.scr", file_type, "%s" %try_time, pathdir+filename])
File "C:\Users\mitch\anaconda3\lib\subprocess.py", line 339, in call
with Popen(*popenargs, **kwargs) as p:
File "C:\Users\mitch\anaconda3\lib\subprocess.py", line 800, in init
restore_signals, start_new_session)
File "C:\Users\mitch\anaconda3\lib\subprocess.py", line 1207, in _execute_child
startupinfo)
OSError: [WinError 193] %1 is not a valid Win32 application

Process finished with exit code 1

Linear Algebra Error

Received the following error when the code was "checking for generalized symmetry" and "trying (0, 1)":

LinAlgError: Array must not contain infs or NaNs

Is there any way to fix this?

pip install error and clone error

I have verified that gfortran is installed on my machine and have cloned the repo. The traceback error is the same when I pip install or install from sourrce.

(base) 22:54:56 steffencruz AI-Feynman $ pip install dist/aifeynman-2.0.7.tar.gz
Processing ./dist/aifeynman-2.0.7.tar.gz
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Collecting matplotlib
Using cached matplotlib-3.4.2-cp39-cp39-macosx_10_9_x86_64.whl (7.2 MB)
Requirement already satisfied: python-dateutil>=2.7 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from matplotlib->aifeynman==2.0.7) (2.8.1)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Requirement already satisfied: pyparsing>=2.2.1 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from matplotlib->aifeynman==2.0.7) (2.4.7)
Collecting cycler>=0.10
Using cached cycler-0.10.0-py2.py3-none-any.whl (6.5 kB)
Requirement already satisfied: six in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from cycler>=0.10->matplotlib->aifeynman==2.0.7) (1.15.0)
Collecting kiwisolver>=1.0.1
Using cached kiwisolver-1.3.1-cp39-cp39-macosx_10_9_x86_64.whl (61 kB)
Collecting pillow>=6.2.0
Using cached Pillow-8.2.0-cp39-cp39-macosx_10_10_x86_64.whl (2.8 MB)
Requirement already satisfied: six in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from cycler>=0.10->matplotlib->aifeynman==2.0.7) (1.15.0)
Collecting seaborn
Using cached seaborn-0.11.1-py3-none-any.whl (285 kB)
Requirement already satisfied: pandas>=0.23 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from seaborn->aifeynman==2.0.7) (1.2.4)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Requirement already satisfied: scipy>=1.0 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from seaborn->aifeynman==2.0.7) (1.6.3)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Requirement already satisfied: pytz>=2017.3 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from pandas>=0.23->seaborn->aifeynman==2.0.7) (2021.1)
Requirement already satisfied: python-dateutil>=2.7 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from matplotlib->aifeynman==2.0.7) (2.8.1)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Collecting sklearn
Using cached sklearn-0.0-py2.py3-none-any.whl
Requirement already satisfied: scikit-learn in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from sklearn->aifeynman==2.0.7) (0.24.2)
Requirement already satisfied: scipy>=1.0 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from seaborn->aifeynman==2.0.7) (1.6.3)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Requirement already satisfied: threadpoolctl>=2.0.0 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from scikit-learn->sklearn->aifeynman==2.0.7) (2.1.0)
Requirement already satisfied: joblib>=0.11 in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from scikit-learn->sklearn->aifeynman==2.0.7) (1.0.1)
Collecting sortedcontainers
Using cached sortedcontainers-2.4.0-py2.py3-none-any.whl (29 kB)
Collecting sympy>=1.4
Using cached sympy-1.8-py3-none-any.whl (6.1 MB)
Collecting mpmath>=0.19
Using cached mpmath-1.2.1-py3-none-any.whl (532 kB)
Collecting torch>=1.4.0
Using cached torch-1.8.1-cp39-none-macosx_10_9_x86_64.whl (119.6 MB)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Collecting torchvision
Using cached torchvision-0.9.1-cp39-cp39-macosx_10_9_x86_64.whl (13.1 MB)
Requirement already satisfied: numpy in /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages (from aifeynman==2.0.7) (1.20.3)
Collecting typing-extensions
Using cached typing_extensions-3.10.0.0-py3-none-any.whl (26 kB)
Building wheels for collected packages: aifeynman
Building wheel for aifeynman (setup.py) ... error
ERROR: Command errored out with exit status 1:
command: /Users/steffencruz/opt/miniconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"'; file='"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' bdist_wheel -d /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-wheel-1wcklt20
cwd: /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/
Complete output (1470 lines):
running bdist_wheel
running build
running config_cc
unifing config_cc, config, build_clib, build_ext, build commands --compiler options
running config_fc
unifing config_fc, config, build_clib, build_ext, build commands --fcompiler options
running build_src
build_src
building extension "aifeynman._symbolic_regress1" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress2" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress2-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress3" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress3-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl3" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl3-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl2" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl2-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl4" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl4-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl5" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl5-f2pywrappers.f' to sources.
build_src: building npy-pkg config files
running build_py
creating build/lib.macosx-10.9-x86_64-3.9
creating build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/RPN_to_eq.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/RPN_to_pytorch.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_number_DL.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/get_demos.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_train.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_compositionality.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_get_gradients.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_sym_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_combine_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_gradient_decomposition.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_polyfit_utils.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_polyfit.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/getPowers.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/init.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_final_gd.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/dimensionalAnalysis.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_snap_expr_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/get_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_gen_sym.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/test_points.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_symbolic_expr_error.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_number.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_gen_sym.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_comp.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/resources.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_snap.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_run_aifeynman.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_separability.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_run_bf_polyfit.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_number_DL_snapped.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_remove_input_neuron.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_expr_complexity.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_bf_on_numbers_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_symmetry.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_change_output.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_eval.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/10ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/7ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/arity2templates.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/14ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/19ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress2.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress3.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress1.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl4.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl5.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl2.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl3.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/tools.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
running build_ext
customize UnixCCompiler
customize UnixCCompiler using build_ext
CCompilerOpt.cc_test_flags[999] : testing flags (-march=native)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks
compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-march=native'
CCompilerOpt.cc_test_flags[999] : testing flags (-O3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-O3'
CCompilerOpt.cc_test_flags[999] : testing flags (-Werror)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-Werror'
CCompilerOpt.init[1674] : check requested baseline
CCompilerOpt.cc_test_flags[999] : testing flags (-msse)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse2'
CCompilerOpt.feature_test[1444] : testing feature 'SSE' with flags (-msse -msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE2' with flags (-msse -msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse3'
CCompilerOpt.feature_test[1444] : testing feature 'SSE3' with flags (-msse -msse2 -msse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -Werror'
CCompilerOpt.init[1683] : check requested dispatch-able features
CCompilerOpt.cc_test_flags[999] : testing flags (-mssse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mssse3'
CCompilerOpt.feature_test[1444] : testing feature 'SSSE3' with flags (-msse -msse2 -msse3 -mssse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse4.1)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse4.1'
CCompilerOpt.cc_test_flags[999] : testing flags (-mpopcnt)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mpopcnt'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse4.2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse4.2'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx'
CCompilerOpt.cc_test_flags[999] : testing flags (-mf16c)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mf16c'
CCompilerOpt.cc_test_flags[999] : testing flags (-mfma)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mfma'
CCompilerOpt.feature_test[1444] : testing feature 'FMA3' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx2'
CCompilerOpt.feature_test[1444] : testing feature 'AVX2' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mavx2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mavx2 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'F16C' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'POPCNT' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512f)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512f'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512F' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'AVX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE41' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE42' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512cd)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512cd'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512CD' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512er -mavx512pf'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_KNL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vl -mavx512bw -mavx512dq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vl -mavx512bw -mavx512dq'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_SKX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512ifma -mavx512vbmi)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512ifma -mavx512vbmi'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_CNL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512ifma -mavx512vbmi)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512ifma -mavx512vbmi -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq'
CCompilerOpt.dist_test[576] : CCompilerOpt._dist_test_spawn[711] : Command (clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.c -o /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.o -MMD -MF /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.o.d -mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq) failed with exit status 1 output ->
clang: error: unknown argument: '-mavx5124fmaps'
clang: error: unknown argument: '-mavx5124vnniw'

CCompilerOpt.cc_test_flags[1003] : testing failed
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_KNM' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror'
CCompilerOpt.dist_test[576] : CCompilerOpt._dist_test_spawn[711] : Command (clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c -o /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.o -MMD -MF /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp7fai6q0i/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.o.d -msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror) failed with exit status 1 output ->
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:9: error: implicit declaration of function '_mm512_4fmadd_ps' is invalid in C99 [-Werror,-Wimplicit-function-declaration]
b = _mm512_4fmadd_ps(b, b, b, b, b, NULL);
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:9: note: did you mean '_mm512_fmadd_ps'?
/Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain/usr/lib/clang/12.0.5/include/avx512fintrin.h:2716:1: note: '_mm512_fmadd_ps' declared here
_mm512_fmadd_ps(__m512 __A, __m512 __B, __m512 __C)
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:7: error: assigning to '__m512' (vector of 16 'float' values) from incompatible type 'int'
b = _mm512_4fmadd_ps(b, b, b, b, b, NULL);
^ ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:9: error: implicit declaration of function '_mm512_4dpwssd_epi32' is invalid in C99 [-Werror,-Wimplicit-function-declaration]
a = _mm512_4dpwssd_epi32(a, a, a, a, a, NULL);
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:9: note: did you mean '_mm512_dpwssd_epi32'?
/Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain/usr/lib/clang/12.0.5/include/avx512vnniintrin.h:68:1: note: '_mm512_dpwssd_epi32' declared here
_mm512_dpwssd_epi32(__m512i __S, __m512i __A, __m512i __B)
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:7: error: assigning to '__m512i' (vector of 8 'long long' values) from incompatible type 'int'
a = _mm512_4dpwssd_epi32(a, a, a, a, a, NULL);
^ ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
4 errors generated.

CCompilerOpt.feature_test[1458] : testing failed
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vnni)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vnni'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_CLX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_ICL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -mavx512ifma -mavx512vbmi -mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -mavx512ifma -mavx512vbmi -mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq -Werror'
CCompilerOpt.init[1695] : skip features (SSE2 SSE SSE3) since its part of baseline
CCompilerOpt.init[1699] : initialize targets groups
CCompilerOpt.init[1701] : parse target group simd_test
CCompilerOpt._parse_target_tokens[1910] : skip targets (VSX2 NEON FMA4 VSX3 ASIMD XOP VSX) not part of baseline or dispatch-able features
CCompilerOpt._parse_policy_not_keepbase[2022] : skip baseline features (SSE2)
CCompilerOpt.generate_dispatch_header[2236] : generate CPU dispatch header: (build/src.macosx-10.9-x86_64-3.9/numpy/distutils/include/npy_cpu_dispatch_config.h)
CCompilerOpt.generate_dispatch_header[2245] : dispatch header dir build/src.macosx-10.9-x86_64-3.9/numpy/distutils/include does not exist, creating it
CCompilerOpt.feature_extra_checks[1519] : Testing extra checks for feature 'AVX512F' (AVX512F_REDUCE)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -Werror'
CCompilerOpt.feature_extra_checks[1519] : Testing extra checks for feature 'AVX512_SKX' (AVX512BW_MASK AVX512DQ_MASK)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
Detected changes on compiler optimizations, force rebuilding
get_default_fcompiler: matching types: '['gnu95', 'nag', 'absoft', 'ibm', 'intel', 'gnu', 'g95', 'pg']'
customize Gnu95FCompiler
Found executable /usr/local/bin/gfortran
customize Gnu95FCompiler
customize Gnu95FCompiler using build_ext
building 'aifeynman._symbolic_regress1' extension
compiling C sources
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.9/build
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman
compile options: '-Ibuild/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman -I/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include -Ibuild/src.macosx-10.9-x86_64-3.9/numpy/distutils/include -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3'
clang: build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.cclang: build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c

In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c:2:
In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.h:13:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarraytypes.h:1944:
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2:In file included from build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.c: 16warning: "Using deprecated NumPy API, disable it with " "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
:
In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.h:13:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarraytypes.h:1944:
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with " "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it with "
^
#warning "Using deprecated NumPy API, disable it with "
^
build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.c:177:12: warning: unused function 'f2py_size' [-Wunused-function]
static int f2py_size(PyArrayObject* var, ...)
^
2 warnings generated.
1 warning generated.
compiling Fortran sources
Fortran f77 compiler: /usr/local/bin/gfortran -Wall -g -ffixed-form -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
Fortran f90 compiler: /usr/local/bin/gfortran -Wall -g -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
Fortran fix compiler: /usr/local/bin/gfortran -Wall -g -ffixed-form -fno-second-underscore -Wall -g -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
creating build/temp.macosx-10.9-x86_64-3.9/aifeynman
compile options: '-Ibuild/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman -I/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include -Ibuild/src.macosx-10.9-x86_64-3.9/numpy/distutils/include -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
gfortran:f90: aifeynman/symbolic_regress1.f90
aifeynman/symbolic_regress1.f90:35.1:

program symbolic_regress
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:36.1:

call go
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:37.1:

end
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:39.1:

subroutine go
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:40.1:

implicit none
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:41.1:

character*256 opsfile, templatefile, mysteryfile, outfile, usedfuncs
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:42.1:

character*60 comline, functions, ops, formula
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:43.1:

integer arities(21), nvar, nvarmax, nmax, lnblnk
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:44.1:

parameter(nvarmax=20, nmax=10000000)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:45.1:

real*8 f, newloss, minloss, maxloss, rmsloss, xy(nvarmax+1,nmax), epsilon, DL, DL2, DL3
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:46.1:

parameter(epsilon=0.00000001)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:47.1:

data arities /2,2,2,2,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0,0,0/
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:48.1:

data functions /"+*-/><~\OJLESCANTR01P"/
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:49.7:

     integer nn(0:2), ii(nmax), kk(nmax), radix(nmax)
     1

Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:50.1:

integer ndata, i, j, n
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:51.1:

integer*8 nformulas
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:52.1:

logical done
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:53.1:

character*60 func(0:2), template
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:55.1:

open(2,file='args.dat',status='old',err=666)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:56.1:

read(2,*) opsfile, templatefile, mysteryfile, outfile
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:57.1:

close(2)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:60.2:

write(*,'(1a24,i8)') 'Number of variables.....',nvar
1

Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:62.1:

open(2,file=opsfile,status='old',err=668)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:63.1:

read(2,*) usedfuncs
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:64.1:

close(2)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:65.1:

nn(0)=0
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:66.1:

nn(1)=0
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:67.1:

nn(2)=0
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:68.1:

do i=1,lnblnk(usedfuncs)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:69.1:

 if (usedfuncs(i:i).eq.'D') usedfuncs(i:i)='/'

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:70.1:

 if (usedfuncs(i:i).eq.'I') usedfuncs(i:i)='\'

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:71.1:

 j = index(functions,usedfuncs(i:i))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:72.1:

 if (j.eq.0) then

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:74.1:

   stop

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:75.1:

 else

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:76.1:

   nn(arities(j)) = nn(arities(j)) + 1

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:77.1:

   func(arities(j))(nn(arities(j)):nn(arities(j))) = functions(j:j)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:79.1:

end do
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:81.1:

do i=1,nvar
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:83.1:

 func(0)(nn(0):nn(0)) = char(96+i)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:84.1:

end do
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:85.1:

write(*,'(1a24,1a22)') 'Functions used..........',usedfuncs(1:lnblnk(usedfuncs))
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:86.1:

do i=0,2
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:87.1:

 write(*,*) 'Arity ',i,': ',func(i)(1:nn(i))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:88.1:

end do
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:90.1:

write(*,'(1a24)') 'Loading mystery data....'
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:91.1:

call LoadMatrixTranspose(nvarmax+1,nvar+1,nmax,ndata,xy,mysteryfile)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:92.1:

write(*,'(1a24,i8)') 'Number of examples......',ndata
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:94.1:

print *,'Searching for best fit...'
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:95.1:

nformulas = 0
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:96.1:

minloss = 1.e6
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:97.1:

template = ''
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:98.1:

ops='===================='
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:99.1:

open(2,file=templatefile,status='old',err=670)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:100.1:

open(3,file=outfile)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:101.4:

555 read(2,'(1a60)',end=665) template
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:102.1:

n = lnblnk(template)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:104.1:

do i=1,n
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:105.1:

 ii(i) = ichar(template(i:i))-48

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:106.1:

 radix(i) = nn(ii(i))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:107.1:

 kk(i) = 0

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:109.1:

end do
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:110.1:

done = .false.
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:111.1:

do while ((minloss.gt.epsilon).and.(.not.done))
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:112.1:

 nformulas = nformulas + 1

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:114.1:

 do i=1,n

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:115.1:

   ops(i:i) = func(ii(i))(1+kk(i):1+kk(i))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:117.1:

 end do

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:120.1:

 j = 1

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:121.1:

 maxloss = 0.

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:122.1:

 do while ((maxloss.lt.minloss).and.(j.le.ndata))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:123.1:

   newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:125.1:

   if (.not.((newloss.ge.0).or.(newloss.le.0))) newloss = 1.e30 ! This was a NaN :-)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:126.1:

   if (maxloss.lt.newloss) maxloss = newloss

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:127.1:

   j = j + 1

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:128.1:

 end do

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:129.1:

 if (maxloss.lt.minloss) then ! We have a new best fit

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:130.1:

   minloss = maxloss

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:131.1:

   rmsloss = 0.

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:132.1:

   do j=1,ndata

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:133.1:

     rmsloss = rmsloss + (xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))**2

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:134.1:

   end do

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:135.1:

   rmsloss = sqrt(rmsloss/ndata)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:136.1:

   DL  = log(nformulas*max(1.,rmsloss/epsilon))/log(2.)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:137.1:

   DL2 = log(nformulas*max(1.,rmsloss/1.e-15))/log(2.)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:138.1:

   DL3 = (log(1.*nformulas) + sqrt(1.*ndata)*log(max(1.,rmsloss/1.e-15)))/log(2.)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:139.1:

   write(*,'(1f20.12,x,1a22,1i16,4f19.4)') minloss, ops(1:n), nformulas, rmsloss, DL, DL2, DL3

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:140.1:

   write(3,'(1f20.12,x,1a22,1i16,4f19.4)') minloss, ops(1:n), nformulas, rmsloss, DL, DL2, DL3

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:141.1:

   flush(3)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:142.1:

 end if

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:143.1:

 call multiloop(n,radix,kk,done)

1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:144.1:

end do
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:145.1:

goto 555
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:146.4:

665 close(3)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:147.1:

close(2)
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:148.1:

print *,'All done: results in ',outfile
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:149.1:

return
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:150.4:

666 stop 'DEATH ERROR: missing file args.dat'
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:151.4:

668 print *,'DEATH ERROR: missing file ',opsfile(1:lnblnk(opsfile))
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:152.1:

stop
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:153.4:

670 print *,'DEATH ERROR: missing file ',templatefile(1:lnblnk(templatefile))
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:154.1:

stop
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:155.1:

end
1
Warning: Nonconforming tab character at (1)
tools.f90:27.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 function f(n,arities,ops,x) ! n=number of ops, x=arg vector
1
Warning: Nonconforming tab character at (1)
tools.f90:28.1:
Included at aifeynman/symbolic_regress1.f90:157:

implicit none
1
Warning: Nonconforming tab character at (1)
tools.f90:29.1:
Included at aifeynman/symbolic_regress1.f90:157:

integer nmax, n, i, j, arities(n), arity, lnblnk
1
Warning: Nonconforming tab character at (1)
tools.f90:30.1:
Included at aifeynman/symbolic_regress1.f90:157:

character*256 ops
1
Warning: Nonconforming tab character at (1)
tools.f90:31.1:
Included at aifeynman/symbolic_regress1.f90:157:

parameter(nmax=100)
1
Warning: Nonconforming tab character at (1)
tools.f90:32.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 x(nmax), y, stack(nmax)
1
Warning: Nonconforming tab character at (1)
tools.f90:33.1:
Included at aifeynman/symbolic_regress1.f90:157:

character op
1
Warning: Nonconforming tab character at (1)
tools.f90:36.1:
Included at aifeynman/symbolic_regress1.f90:157:

j = 0 ! Number of numbers on the stack
1
Warning: Nonconforming tab character at (1)
tools.f90:37.1:
Included at aifeynman/symbolic_regress1.f90:157:

do i=1,n
1
Warning: Nonconforming tab character at (1)
tools.f90:38.1:
Included at aifeynman/symbolic_regress1.f90:157:

 arity = arities(i)

1
Warning: Nonconforming tab character at (1)
tools.f90:39.1:
Included at aifeynman/symbolic_regress1.f90:157:

 op = ops(i:i)

1
Warning: Nonconforming tab character at (1)
tools.f90:40.1:
Included at aifeynman/symbolic_regress1.f90:157:

 if (arity.eq.0) then ! This is a nonary function

1
Warning: Nonconforming tab character at (1)
tools.f90:41.1:
Included at aifeynman/symbolic_regress1.f90:157:

   if (op.eq."0") then

1
Warning: Nonconforming tab character at (1)
tools.f90:43.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."1") then

1
Warning: Nonconforming tab character at (1)
tools.f90:44.1:
Included at aifeynman/symbolic_regress1.f90:157:

     y = 1.

1
Warning: Nonconforming tab character at (1)
tools.f90:45.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."P") then

1
Warning: Nonconforming tab character at (1)
tools.f90:46.2:
Included at aifeynman/symbolic_regress1.f90:157:

      y = 4.*atan(1.) ! pi
1

Warning: Nonconforming tab character at (1)
tools.f90:48.5:
Included at aifeynman/symbolic_regress1.f90:157:

         y = x(ichar(op)-96)
   1

Warning: Nonconforming tab character at (1)
tools.f90:49.1:
Included at aifeynman/symbolic_regress1.f90:157:

   end if

1
Warning: Nonconforming tab character at (1)
tools.f90:50.1:
Included at aifeynman/symbolic_regress1.f90:157:

 else if (arity.eq.1) then ! This is a unary function

1
Warning: Nonconforming tab character at (1)
tools.f90:51.1:
Included at aifeynman/symbolic_regress1.f90:157:

   if (op.eq.">") then

1
Warning: Nonconforming tab character at (1)
tools.f90:53.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."<") then

1
Warning: Nonconforming tab character at (1)
tools.f90:55.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."~") then

1
Warning: Nonconforming tab character at (1)
tools.f90:57.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."\") then

1
Warning: Nonconforming tab character at (1)
tools.f90:59.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."L") then

1
Warning: Nonconforming tab character at (1)
tools.f90:61.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."E") then

1
Warning: Nonconforming tab character at (1)
tools.f90:63.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."S") then

1
Warning: Nonconforming tab character at (1)
tools.f90:65.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."C") then

1
Warning: Nonconforming tab character at (1)
tools.f90:67.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."A") then

1
Warning: Nonconforming tab character at (1)
tools.f90:69.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."N") then

1
Warning: Nonconforming tab character at (1)
tools.f90:71.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."T") then

1
Warning: Nonconforming tab character at (1)
tools.f90:73.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."O") then

1
Warning: Nonconforming tab character at (1)
tools.f90:75.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."J") then

1
Warning: Nonconforming tab character at (1)
tools.f90:77.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else

1
Warning: Nonconforming tab character at (1)
tools.f90:79.1:
Included at aifeynman/symbolic_regress1.f90:157:

   end if

1
Warning: Nonconforming tab character at (1)
tools.f90:80.1:
Included at aifeynman/symbolic_regress1.f90:157:

 else ! This is a binary function

1
Warning: Nonconforming tab character at (1)
tools.f90:81.1:
Included at aifeynman/symbolic_regress1.f90:157:

 if (op.eq."+") then

1
Warning: Nonconforming tab character at (1)
tools.f90:82.1:
Included at aifeynman/symbolic_regress1.f90:157:

     y = stack(j-1)+stack(j)

1
Warning: Nonconforming tab character at (1)
tools.f90:83.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."-") then

1
Warning: Nonconforming tab character at (1)
tools.f90:84.1:
Included at aifeynman/symbolic_regress1.f90:157:

     y = stack(j-1)-stack(j)

1
Warning: Nonconforming tab character at (1)
tools.f90:85.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else if (op.eq."*") then

1
Warning: Nonconforming tab character at (1)
tools.f90:86.1:
Included at aifeynman/symbolic_regress1.f90:157:

     y = stack(j-1)*stack(j)

1
Warning: Nonconforming tab character at (1)
tools.f90:87.1:
Included at aifeynman/symbolic_regress1.f90:157:

   else

1
Warning: Nonconforming tab character at (1)
tools.f90:88.1:
Included at aifeynman/symbolic_regress1.f90:157:

     y = stack(j-1)/stack(j)

1
Warning: Nonconforming tab character at (1)
tools.f90:89.1:
Included at aifeynman/symbolic_regress1.f90:157:

   end if

1
Warning: Nonconforming tab character at (1)
tools.f90:91.1:
Included at aifeynman/symbolic_regress1.f90:157:

 j = j + 1 - arity

1
Warning: Nonconforming tab character at (1)
tools.f90:94.1:
Included at aifeynman/symbolic_regress1.f90:157:

end do
1
Warning: Nonconforming tab character at (1)
tools.f90:95.1:
Included at aifeynman/symbolic_regress1.f90:157:

if (j.ne.1) stop 'DEATH ERROR: STACK UNBALANCED'
1
Warning: Nonconforming tab character at (1)
tools.f90:96.1:
Included at aifeynman/symbolic_regress1.f90:157:

f = stack(1)
1
Warning: Nonconforming tab character at (1)
tools.f90:98.1:
Included at aifeynman/symbolic_regress1.f90:157:

return
1
Warning: Nonconforming tab character at (1)
tools.f90:99.1:
Included at aifeynman/symbolic_regress1.f90:157:

end
1
Warning: Nonconforming tab character at (1)
tools.f90:120.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 function limit(x)
1
Warning: Nonconforming tab character at (1)
tools.f90:121.1:
Included at aifeynman/symbolic_regress1.f90:157:

implicit none
1
Warning: Nonconforming tab character at (1)
tools.f90:122.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 x, xmax
1
Warning: Nonconforming tab character at (1)
tools.f90:123.1:
Included at aifeynman/symbolic_regress1.f90:157:

parameter(xmax=666.)
1
Warning: Nonconforming tab character at (1)
tools.f90:124.1:
Included at aifeynman/symbolic_regress1.f90:157:

if (abs(x).lt.xmax) then
1
Warning: Nonconforming tab character at (1)
tools.f90:125.2:
Included at aifeynman/symbolic_regress1.f90:157:

  limit = x
1

Warning: Nonconforming tab character at (1)
tools.f90:126.1:
Included at aifeynman/symbolic_regress1.f90:157:

else
1
Warning: Nonconforming tab character at (1)
tools.f90:127.1:
Included at aifeynman/symbolic_regress1.f90:157:

 limit = sign(xmax,x)

1
Warning: Nonconforming tab character at (1)
tools.f90:128.1:
Included at aifeynman/symbolic_regress1.f90:157:

end if
1
Warning: Nonconforming tab character at (1)
tools.f90:129.1:
Included at aifeynman/symbolic_regress1.f90:157:

return
1
Warning: Nonconforming tab character at (1)
tools.f90:130.1:
Included at aifeynman/symbolic_regress1.f90:157:

end
1
Warning: Nonconforming tab character at (1)
tools.f90:132.1:
Included at aifeynman/symbolic_regress1.f90:157:

subroutine LoadMatrixTranspose(nd,n,mmax,m,A,f)
1
Warning: Nonconforming tab character at (1)
tools.f90:134.1:
Included at aifeynman/symbolic_regress1.f90:157:

implicit none
1
Warning: Nonconforming tab character at (1)
tools.f90:135.1:
Included at aifeynman/symbolic_regress1.f90:157:

integer nd,mmax,n,m,j
1
Warning: Nonconforming tab character at (1)
tools.f90:136.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 A(nd,mmax)
1
Warning: Nonconforming tab character at (1)
tools.f90:137.1:
Included at aifeynman/symbolic_regress1.f90:157:

character*256 f
1
Warning: Nonconforming tab character at (1)
tools.f90:138.1:
Included at aifeynman/symbolic_regress1.f90:157:

open(2,file=f,status='old')
1
Warning: Nonconforming tab character at (1)
tools.f90:139.1:
Included at aifeynman/symbolic_regress1.f90:157:

m = 0
1
Warning: Nonconforming tab character at (1)
tools.f90:140.4:
Included at aifeynman/symbolic_regress1.f90:157:

555 m = m + 1
1
Warning: Nonconforming tab character at (1)
tools.f90:141.1:
Included at aifeynman/symbolic_regress1.f90:157:

if (m.gt.mmax) stop 'DEATH ERROR: m>mmax in LoadVectorTranspose'
1
Warning: Nonconforming tab character at (1)
tools.f90:142.1:
Included at aifeynman/symbolic_regress1.f90:157:

read(2,*,end=666) (A(j,m),j=1,n)
1
Warning: Nonconforming tab character at (1)
tools.f90:143.1:
Included at aifeynman/symbolic_regress1.f90:157:

goto 555
1
Warning: Nonconforming tab character at (1)
tools.f90:144.4:
Included at aifeynman/symbolic_regress1.f90:157:

666 close(2)
1
Warning: Nonconforming tab character at (1)
tools.f90:145.1:
Included at aifeynman/symbolic_regress1.f90:157:

m = m - 1
1
Warning: Nonconforming tab character at (1)
tools.f90:146.1:
Included at aifeynman/symbolic_regress1.f90:157:

print *,m,' rows read from file ',f
1
Warning: Nonconforming tab character at (1)
tools.f90:147.1:
Included at aifeynman/symbolic_regress1.f90:157:

return
1
Warning: Nonconforming tab character at (1)
tools.f90:148.1:
Included at aifeynman/symbolic_regress1.f90:157:

end
1
Warning: Nonconforming tab character at (1)
tools.f90:150.1:
Included at aifeynman/symbolic_regress1.f90:157:

real*8 function mymedian(n,a)
1
Warning: Nonconforming tab character at (1)
tools.f90:166.1:
Included at aifeynman/symbolic_regress1.f90:157:

subroutine permutation(n,iarr) ! Return a random permutation of the first n integer:
1
Warning: Nonconforming tab character at (1)
tools.f90:167.1:
Included at aifeynman/symbolic_regress1.f90:157:

integer iarr(n), idum, nmax, i
1
Warning: Nonconforming tab character at (1)
tools.f90:180.1:
Included at aifeynman/symbolic_regress1.f90:157:

return
1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:123.41:

   newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))
                                       1

Warning: Character length of actual argument shorter than of dummy argument 'ops' (60/256) at (1)
aifeynman/symbolic_regress1.f90:133.50:

     rmsloss = rmsloss + (xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))**2
                                                1

Warning: Character length of actual argument shorter than of dummy argument 'ops' (60/256) at (1)
aifeynman/symbolic_regress1.f90:42.21:

character*60 comline, functions, ops, formula
1
Warning: Unused variable 'comline' declared at (1)
aifeynman/symbolic_regress1.f90:42.46:

character*60 comline, functions, ops, formula
1
Warning: Unused variable 'formula' declared at (1)
tools.f90:29.49:
Included at aifeynman/symbolic_regress1.f90:157:

integer nmax, n, i, j, arities(n), arity, lnblnk
1
Warning: Unused variable 'lnblnk' declared at (1)
gfortran:f77: build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.f
/usr/local/bin/gfortran -Wall -g -arch x86_64 -Wall -g -undefined dynamic_lookup -bundle build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.o build/temp.macosx-10.9-x86_64-3.9/aifeynman/symbolic_regress1.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.o -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0 -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -lgfortran -o build/lib.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1.cpython-39-darwin.so
ld: library not found for -lSystem
collect2: error: ld returned 1 exit status
error: Command "/usr/local/bin/gfortran -Wall -g -arch x86_64 -Wall -g -undefined dynamic_lookup -bundle build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.o build/temp.macosx-10.9-x86_64-3.9/aifeynman/symbolic_regress1.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.o -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0 -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -lgfortran -o build/lib.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1.cpython-39-darwin.so" failed with exit status 1

########### EXT COMPILER OPTIMIZATION ###########
Platform :
Architecture: x64
Compiler : clang

CPU baseline :
Requested : 'min'
Enabled : SSE SSE2 SSE3
Flags : -msse -msse2 -msse3
Extra checks: none

CPU dispatch :
Requested : 'max -xop -fma4'
Enabled : SSSE3 SSE41 POPCNT SSE42 AVX F16C FMA3 AVX2 AVX512F AVX512CD AVX512_KNL AVX512_SKX AVX512_CLX AVX512_CNL AVX512_ICL
Generated : none
CCompilerOpt._cache_write[796] : write cache to path -> /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/build/temp.macosx-10.9-x86_64-3.9/ccompiler_opt_cache_ext.py

ERROR: Failed building wheel for aifeynman
Running setup.py clean for aifeynman
Failed to build aifeynman
Installing collected packages: typing-extensions, pillow, kiwisolver, cycler, torch, mpmath, matplotlib, torchvision, sympy, sortedcontainers, sklearn, seaborn, aifeynman
Running setup.py install for aifeynman ... error
ERROR: Command errored out with exit status 1:
command: /Users/steffencruz/opt/miniconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"'; file='"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-record-xvlhsrxt/install-record.txt --single-version-externally-managed --compile --install-headers /Users/steffencruz/opt/miniconda3/include/python3.9/aifeynman
cwd: /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/
Complete output (1469 lines):
running install
running build
running config_cc
unifing config_cc, config, build_clib, build_ext, build commands --compiler options
running config_fc
unifing config_fc, config, build_clib, build_ext, build commands --fcompiler options
running build_src
build_src
building extension "aifeynman._symbolic_regress1" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress2" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress2-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress3" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress3-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl3" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl3-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl2" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl2-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl4" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl4-f2pywrappers.f' to sources.
building extension "aifeynman._symbolic_regress_mdl5" sources
f2py options: []
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c' to sources.
adding 'build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman' to include_dirs.
adding 'build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress_mdl5-f2pywrappers.f' to sources.
build_src: building npy-pkg config files
running build_py
creating build/lib.macosx-10.9-x86_64-3.9
creating build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/RPN_to_eq.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/RPN_to_pytorch.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_number_DL.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/get_demos.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_train.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_compositionality.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_get_gradients.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_sym_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_combine_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_gradient_decomposition.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_polyfit_utils.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_polyfit.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/getPowers.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/init.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_final_gd.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/dimensionalAnalysis.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_snap_expr_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/get_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_gen_sym.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/test_points.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_symbolic_expr_error.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_number.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_gen_sym.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_brute_force_comp.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/resources.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_snap.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_run_aifeynman.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_separability.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_run_bf_polyfit.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_number_DL_snapped.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_remove_input_neuron.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_get_expr_complexity.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_add_bf_on_numbers_on_pareto.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_symmetry.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_change_output.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/S_NN_eval.py -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/10ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/7ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/arity2templates.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/14ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/19ops.txt -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress2.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress3.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress1.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl4.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl5.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl2.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/symbolic_regress_mdl3.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
copying aifeynman/tools.f90 -> build/lib.macosx-10.9-x86_64-3.9/aifeynman
running build_ext
customize UnixCCompiler
customize UnixCCompiler using build_ext
CCompilerOpt.cc_test_flags[999] : testing flags (-march=native)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils
creating /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks
compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-march=native'
CCompilerOpt.cc_test_flags[999] : testing flags (-O3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-O3'
CCompilerOpt.cc_test_flags[999] : testing flags (-Werror)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-Werror'
CCompilerOpt.__init__[1674] : check requested baseline
CCompilerOpt.cc_test_flags[999] : testing flags (-msse)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse2'
CCompilerOpt.feature_test[1444] : testing feature 'SSE' with flags (-msse -msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE2' with flags (-msse -msse2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse3'
CCompilerOpt.feature_test[1444] : testing feature 'SSE3' with flags (-msse -msse2 -msse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -Werror'
CCompilerOpt.__init__[1683] : check requested dispatch-able features
CCompilerOpt.cc_test_flags[999] : testing flags (-mssse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mssse3'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse4.1)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse4.1'
CCompilerOpt.cc_test_flags[999] : testing flags (-mpopcnt)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mpopcnt'
CCompilerOpt.cc_test_flags[999] : testing flags (-msse4.2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse4.2'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx'
CCompilerOpt.cc_test_flags[999] : testing flags (-mf16c)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mf16c'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx2'
CCompilerOpt.feature_test[1444] : testing feature 'AVX2' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mavx2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mavx2 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'AVX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE41' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'F16C' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSSE3' with flags (-msse -msse2 -msse3 -mssse3)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'POPCNT' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mfma)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mfma'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512f)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512f'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512cd)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512cd'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512CD' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512F' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'SSE42' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -Werror'
CCompilerOpt.feature_test[1444] : testing feature 'FMA3' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vl -mavx512bw -mavx512dq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vl -mavx512bw -mavx512dq'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_SKX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512er -mavx512pf'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_KNL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq'
CCompilerOpt.dist_test[576] : CCompilerOpt._dist_test_spawn[711] : Command (clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.c -o /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.o -MMD -MF /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/test_flags.o.d -mavx5124fmaps -mavx5124vnniw -mavx512vpopcntdq) failed with exit status 1 output ->
clang: error: unknown argument: '-mavx5124fmaps'
clang: error: unknown argument: '-mavx5124vnniw'

CCompilerOpt.cc_test_flags[1003] : testing failed
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_KNM' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror'
CCompilerOpt.dist_test[576] : CCompilerOpt._dist_test_spawn[711] : Command (clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c -o /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.o -MMD -MF /var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/tmp4bgo9i81/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.o.d -msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512er -mavx512pf -Werror) failed with exit status 1 output ->
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:9: error: implicit declaration of function '_mm512_4fmadd_ps' is invalid in C99 [-Werror,-Wimplicit-function-declaration]
    b = _mm512_4fmadd_ps(b, b, b, b, b, NULL);
        ^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:9: note: did you mean '_mm512_fmadd_ps'?
/Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain/usr/lib/clang/12.0.5/include/avx512fintrin.h:2716:1: note: '_mm512_fmadd_ps' declared here
_mm512_fmadd_ps(__m512 __A, __m512 __B, __m512 __C)
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:9:7: error: assigning to '__m512' (vector of 16 'float' values) from incompatible type 'int'
    b = _mm512_4fmadd_ps(b, b, b, b, b, NULL);
      ^ ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:9: error: implicit declaration of function '_mm512_4dpwssd_epi32' is invalid in C99 [-Werror,-Wimplicit-function-declaration]
    a = _mm512_4dpwssd_epi32(a, a, a, a, a, NULL);
        ^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:9: note: did you mean '_mm512_dpwssd_epi32'?
/Applications/Xcode.app/Contents/Developer/Toolchains/XcodeDefault.xctoolchain/usr/lib/clang/12.0.5/include/avx512vnniintrin.h:68:1: note: '_mm512_dpwssd_epi32' declared here
_mm512_dpwssd_epi32(__m512i __S, __m512i __A, __m512i __B)
^
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/distutils/checks/cpu_avx512_knm.c:11:7: error: assigning to '__m512i' (vector of 8 'long long' values) from incompatible type 'int'
    a = _mm512_4dpwssd_epi32(a, a, a, a, a, NULL);
      ^ ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
4 errors generated.

CCompilerOpt.feature_test[1458] : testing failed
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vnni)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vnni'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_CLX' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512ifma -mavx512vbmi)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512ifma -mavx512vbmi'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_CNL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512ifma -mavx512vbmi)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512ifma -mavx512vbmi -Werror'
CCompilerOpt.cc_test_flags[999] : testing flags (-mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq'
CCompilerOpt.feature_test[1444] : testing feature 'AVX512_ICL' with flags (-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -mavx512ifma -mavx512vbmi -mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -mavx512vnni -mavx512ifma -mavx512vbmi -mavx512vbmi2 -mavx512bitalg -mavx512vpopcntdq -Werror'
CCompilerOpt.__init__[1695] : skip features (SSE SSE2 SSE3) since its part of baseline
CCompilerOpt.__init__[1699] : initialize targets groups
CCompilerOpt.__init__[1701] : parse target group simd_test
CCompilerOpt._parse_target_tokens[1910] : skip targets (FMA4 XOP VSX NEON VSX3 VSX2 ASIMD) not part of baseline or dispatch-able features
CCompilerOpt._parse_policy_not_keepbase[2022] : skip baseline features (SSE2)
CCompilerOpt.generate_dispatch_header[2236] : generate CPU dispatch header: (build/src.macosx-10.9-x86_64-3.9/numpy/distutils/include/npy_cpu_dispatch_config.h)
CCompilerOpt.feature_extra_checks[1519] : Testing extra checks for feature 'AVX512F' (AVX512F_REDUCE)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -Werror'
CCompilerOpt.feature_extra_checks[1519] : Testing extra checks for feature 'AVX512_SKX' (AVX512BW_MASK AVX512DQ_MASK)
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

compile options: '-I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3 -mssse3 -msse4.1 -mpopcnt -msse4.2 -mavx -mf16c -mfma -mavx2 -mavx512f -mavx512cd -mavx512vl -mavx512bw -mavx512dq -Werror'
Detected changes on compiler optimizations, force rebuilding
get_default_fcompiler: matching types: '['gnu95', 'nag', 'absoft', 'ibm', 'intel', 'gnu', 'g95', 'pg']'
customize Gnu95FCompiler
Found executable /usr/local/bin/gfortran
customize Gnu95FCompiler
customize Gnu95FCompiler using build_ext
building 'aifeynman._symbolic_regress1' extension
compiling C sources
C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64 -fPIC -O2 -isystem /Users/steffencruz/opt/miniconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.9/build
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9
creating build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman
compile options: '-Ibuild/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman -I/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include -Ibuild/src.macosx-10.9-x86_64-3.9/numpy/distutils/include -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
extra options: '-msse -msse2 -msse3'
clang: build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.c
clang: build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c
In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.c:2:
In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.h:13:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarraytypes.h:1944:
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it with " \
 ^
In file included from build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.c:16:
In file included from build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.h:13:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
In file included from /Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/ndarraytypes.h:1944:
/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it with " \
 ^
build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.c:177:12: warning: unused function 'f2py_size' [-Wunused-function]
static int f2py_size(PyArrayObject* var, ...)
           ^
2 warnings generated.
1 warning generated.
compiling Fortran sources
Fortran f77 compiler: /usr/local/bin/gfortran -Wall -g -ffixed-form -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
Fortran f90 compiler: /usr/local/bin/gfortran -Wall -g -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
Fortran fix compiler: /usr/local/bin/gfortran -Wall -g -ffixed-form -fno-second-underscore -Wall -g -fno-second-underscore -arch x86_64 -fPIC -O3 -funroll-loops
creating build/temp.macosx-10.9-x86_64-3.9/aifeynman
compile options: '-Ibuild/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman -I/Users/steffencruz/opt/miniconda3/lib/python3.9/site-packages/numpy/core/include -Ibuild/src.macosx-10.9-x86_64-3.9/numpy/distutils/include -I/Users/steffencruz/opt/miniconda3/include/python3.9 -c'
gfortran:f90: aifeynman/symbolic_regress1.f90
aifeynman/symbolic_regress1.f90:35.1:

 program symbolic_regress
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:36.1:

 call go
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:37.1:

 end
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:39.1:

 subroutine go
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:40.1:

 implicit none
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:41.1:

 character*256 opsfile, templatefile, mysteryfile, outfile, usedfuncs
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:42.1:

 character*60 comline, functions, ops, formula
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:43.1:

 integer arities(21), nvar, nvarmax, nmax, lnblnk
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:44.1:

 parameter(nvarmax=20, nmax=10000000)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:45.1:

 real*8 f, newloss, minloss, maxloss, rmsloss, xy(nvarmax+1,nmax), epsilon, DL, DL2, DL3
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:46.1:

 parameter(epsilon=0.00000001)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:47.1:

 data arities /2,2,2,2,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0,0,0/
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:48.1:

 data functions /"+*-/><~\OJLESCANTR01P"/
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:49.7:

       integer nn(0:2), ii(nmax), kk(nmax), radix(nmax)
       1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:50.1:

 integer ndata, i, j, n
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:51.1:

 integer*8 nformulas
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:52.1:

 logical done
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:53.1:

 character*60 func(0:2), template
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:55.1:

 open(2,file='args.dat',status='old',err=666)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:56.1:

 read(2,*) opsfile, templatefile, mysteryfile, outfile
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:57.1:

 close(2)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:60.2:

  write(*,'(1a24,i8)') 'Number of variables.....',nvar
  1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:62.1:

 open(2,file=opsfile,status='old',err=668)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:63.1:

 read(2,*) usedfuncs
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:64.1:

 close(2)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:65.1:

 nn(0)=0
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:66.1:

 nn(1)=0
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:67.1:

 nn(2)=0
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:68.1:

 do i=1,lnblnk(usedfuncs)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:69.1:

   if (usedfuncs(i:i).eq.'D') usedfuncs(i:i)='/'
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:70.1:

   if (usedfuncs(i:i).eq.'I') usedfuncs(i:i)='\'
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:71.1:

   j = index(functions,usedfuncs(i:i))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:72.1:

   if (j.eq.0) then
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:74.1:

     stop
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:75.1:

   else
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:76.1:

     nn(arities(j)) = nn(arities(j)) + 1
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:77.1:

     func(arities(j))(nn(arities(j)):nn(arities(j))) = functions(j:j)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:79.1:

 end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:81.1:

 do i=1,nvar
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:83.1:

   func(0)(nn(0):nn(0)) = char(96+i)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:84.1:

 end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:85.1:

 write(*,'(1a24,1a22)') 'Functions used..........',usedfuncs(1:lnblnk(usedfuncs))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:86.1:

 do i=0,2
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:87.1:

   write(*,*) 'Arity ',i,': ',func(i)(1:nn(i))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:88.1:

 end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:90.1:

 write(*,'(1a24)') 'Loading mystery data....'
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:91.1:

 call LoadMatrixTranspose(nvarmax+1,nvar+1,nmax,ndata,xy,mysteryfile)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:92.1:

 write(*,'(1a24,i8)') 'Number of examples......',ndata
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:94.1:

 print *,'Searching for best fit...'
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:95.1:

 nformulas = 0
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:96.1:

 minloss = 1.e6
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:97.1:

 template = ''
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:98.1:

 ops='===================='
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:99.1:

 open(2,file=templatefile,status='old',err=670)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:100.1:

 open(3,file=outfile)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:101.4:

555 read(2,'(1a60)',end=665) template
    1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:102.1:

 n = lnblnk(template)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:104.1:

 do i=1,n
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:105.1:

   ii(i) = ichar(template(i:i))-48
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:106.1:

   radix(i) = nn(ii(i))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:107.1:

   kk(i) = 0
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:109.1:

 end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:110.1:

 done = .false.
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:111.1:

 do while ((minloss.gt.epsilon).and.(.not.done))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:112.1:

   nformulas = nformulas + 1
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:114.1:

   do i=1,n
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:115.1:

     ops(i:i) = func(ii(i))(1+kk(i):1+kk(i))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:117.1:

   end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:120.1:

   j = 1
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:121.1:

   maxloss = 0.
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:122.1:

   do while ((maxloss.lt.minloss).and.(j.le.ndata))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:123.1:

     newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:125.1:

     if (.not.((newloss.ge.0).or.(newloss.le.0))) newloss = 1.e30 ! This was a NaN :-)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:126.1:

     if (maxloss.lt.newloss) maxloss = newloss
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:127.1:

     j = j + 1
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:128.1:

   end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:129.1:

   if (maxloss.lt.minloss) then ! We have a new best fit
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:130.1:

     minloss = maxloss
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:131.1:

     rmsloss = 0.
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:132.1:

     do j=1,ndata
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:133.1:

       rmsloss = rmsloss + (xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))**2
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:134.1:

     end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:135.1:

     rmsloss = sqrt(rmsloss/ndata)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:136.1:

     DL  = log(nformulas*max(1.,rmsloss/epsilon))/log(2.)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:137.1:

     DL2 = log(nformulas*max(1.,rmsloss/1.e-15))/log(2.)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:138.1:

     DL3 = (log(1.*nformulas) + sqrt(1.*ndata)*log(max(1.,rmsloss/1.e-15)))/log(2.)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:139.1:

     write(*,'(1f20.12,x,1a22,1i16,4f19.4)') minloss, ops(1:n), nformulas, rmsloss, DL, DL2, DL3
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:140.1:

     write(3,'(1f20.12,x,1a22,1i16,4f19.4)') minloss, ops(1:n), nformulas, rmsloss, DL, DL2, DL3
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:141.1:

     flush(3)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:142.1:

   end if
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:143.1:

   call multiloop(n,radix,kk,done)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:144.1:

 end do
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:145.1:

 goto 555
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:146.4:

665 close(3)
    1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:147.1:

 close(2)
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:148.1:

 print *,'All done: results in ',outfile
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:149.1:

 return
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:150.4:

666 stop 'DEATH ERROR: missing file args.dat'
    1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:151.4:

668 print *,'DEATH ERROR: missing file ',opsfile(1:lnblnk(opsfile))
    1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:152.1:

 stop
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:153.4:

670 print *,'DEATH ERROR: missing file ',templatefile(1:lnblnk(templatefile))
    1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:154.1:

 stop
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:155.1:

 end
 1
Warning: Nonconforming tab character at (1)
tools.f90:27.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 function f(n,arities,ops,x) ! n=number of ops, x=arg vector
 1
Warning: Nonconforming tab character at (1)
tools.f90:28.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 implicit none
 1
Warning: Nonconforming tab character at (1)
tools.f90:29.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 integer nmax, n, i, j, arities(n), arity, lnblnk
 1
Warning: Nonconforming tab character at (1)
tools.f90:30.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 character*256 ops
 1
Warning: Nonconforming tab character at (1)
tools.f90:31.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 parameter(nmax=100)
 1
Warning: Nonconforming tab character at (1)
tools.f90:32.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 x(nmax), y, stack(nmax)
 1
Warning: Nonconforming tab character at (1)
tools.f90:33.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 character op
 1
Warning: Nonconforming tab character at (1)
tools.f90:36.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 j = 0 ! Number of numbers on the stack
 1
Warning: Nonconforming tab character at (1)
tools.f90:37.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 do i=1,n
 1
Warning: Nonconforming tab character at (1)
tools.f90:38.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   arity = arities(i)
 1
Warning: Nonconforming tab character at (1)
tools.f90:39.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   op = ops(i:i)
 1
Warning: Nonconforming tab character at (1)
tools.f90:40.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   if (arity.eq.0) then ! This is a nonary function
 1
Warning: Nonconforming tab character at (1)
tools.f90:41.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     if (op.eq."0") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:43.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."1") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:44.1:
    Included at aifeynman/symbolic_regress1.f90:157:

       y = 1.
 1
Warning: Nonconforming tab character at (1)
tools.f90:45.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."P") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:46.2:
    Included at aifeynman/symbolic_regress1.f90:157:

        y = 4.*atan(1.) ! pi
  1
Warning: Nonconforming tab character at (1)
tools.f90:48.5:
    Included at aifeynman/symbolic_regress1.f90:157:

           y = x(ichar(op)-96)
     1
Warning: Nonconforming tab character at (1)
tools.f90:49.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     end if
 1
Warning: Nonconforming tab character at (1)
tools.f90:50.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   else if (arity.eq.1) then ! This is a unary function
 1
Warning: Nonconforming tab character at (1)
tools.f90:51.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     if (op.eq.">") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:53.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."<") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:55.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."~") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:57.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."\") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:59.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."L") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:61.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."E") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:63.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."S") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:65.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."C") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:67.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."A") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:69.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."N") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:71.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."T") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:73.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."O") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:75.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."J") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:77.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else
 1
Warning: Nonconforming tab character at (1)
tools.f90:79.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     end if
 1
Warning: Nonconforming tab character at (1)
tools.f90:80.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   else ! This is a binary function
 1
Warning: Nonconforming tab character at (1)
tools.f90:81.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   if (op.eq."+") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:82.1:
    Included at aifeynman/symbolic_regress1.f90:157:

       y = stack(j-1)+stack(j)
 1
Warning: Nonconforming tab character at (1)
tools.f90:83.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."-") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:84.1:
    Included at aifeynman/symbolic_regress1.f90:157:

       y = stack(j-1)-stack(j)
 1
Warning: Nonconforming tab character at (1)
tools.f90:85.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else if (op.eq."*") then
 1
Warning: Nonconforming tab character at (1)
tools.f90:86.1:
    Included at aifeynman/symbolic_regress1.f90:157:

       y = stack(j-1)*stack(j)
 1
Warning: Nonconforming tab character at (1)
tools.f90:87.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     else
 1
Warning: Nonconforming tab character at (1)
tools.f90:88.1:
    Included at aifeynman/symbolic_regress1.f90:157:

       y = stack(j-1)/stack(j)
 1
Warning: Nonconforming tab character at (1)
tools.f90:89.1:
    Included at aifeynman/symbolic_regress1.f90:157:

     end if
 1
Warning: Nonconforming tab character at (1)
tools.f90:91.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   j = j + 1 - arity
 1
Warning: Nonconforming tab character at (1)
tools.f90:94.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 end do
 1
Warning: Nonconforming tab character at (1)
tools.f90:95.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 if (j.ne.1) stop 'DEATH ERROR: STACK UNBALANCED'
 1
Warning: Nonconforming tab character at (1)
tools.f90:96.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 f = stack(1)
 1
Warning: Nonconforming tab character at (1)
tools.f90:98.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 return
 1
Warning: Nonconforming tab character at (1)
tools.f90:99.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 end
 1
Warning: Nonconforming tab character at (1)
tools.f90:120.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 function limit(x)
 1
Warning: Nonconforming tab character at (1)
tools.f90:121.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 implicit none
 1
Warning: Nonconforming tab character at (1)
tools.f90:122.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 x, xmax
 1
Warning: Nonconforming tab character at (1)
tools.f90:123.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 parameter(xmax=666.)
 1
Warning: Nonconforming tab character at (1)
tools.f90:124.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 if (abs(x).lt.xmax) then
 1
Warning: Nonconforming tab character at (1)
tools.f90:125.2:
    Included at aifeynman/symbolic_regress1.f90:157:

    limit = x
  1
Warning: Nonconforming tab character at (1)
tools.f90:126.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 else
 1
Warning: Nonconforming tab character at (1)
tools.f90:127.1:
    Included at aifeynman/symbolic_regress1.f90:157:

   limit = sign(xmax,x)
 1
Warning: Nonconforming tab character at (1)
tools.f90:128.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 end if
 1
Warning: Nonconforming tab character at (1)
tools.f90:129.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 return
 1
Warning: Nonconforming tab character at (1)
tools.f90:130.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 end
 1
Warning: Nonconforming tab character at (1)
tools.f90:132.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 subroutine LoadMatrixTranspose(nd,n,mmax,m,A,f)
 1
Warning: Nonconforming tab character at (1)
tools.f90:134.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 implicit none
 1
Warning: Nonconforming tab character at (1)
tools.f90:135.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 integer nd,mmax,n,m,j
 1
Warning: Nonconforming tab character at (1)
tools.f90:136.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 A(nd,mmax)
 1
Warning: Nonconforming tab character at (1)
tools.f90:137.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 character*256 f
 1
Warning: Nonconforming tab character at (1)
tools.f90:138.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 open(2,file=f,status='old')
 1
Warning: Nonconforming tab character at (1)
tools.f90:139.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 m = 0
 1
Warning: Nonconforming tab character at (1)
tools.f90:140.4:
    Included at aifeynman/symbolic_regress1.f90:157:

555 m = m + 1
    1
Warning: Nonconforming tab character at (1)
tools.f90:141.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 if (m.gt.mmax) stop 'DEATH ERROR: m>mmax in LoadVectorTranspose'
 1
Warning: Nonconforming tab character at (1)
tools.f90:142.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 read(2,*,end=666) (A(j,m),j=1,n)
 1
Warning: Nonconforming tab character at (1)
tools.f90:143.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 goto 555
 1
Warning: Nonconforming tab character at (1)
tools.f90:144.4:
    Included at aifeynman/symbolic_regress1.f90:157:

666 close(2)
    1
Warning: Nonconforming tab character at (1)
tools.f90:145.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 m = m - 1
 1
Warning: Nonconforming tab character at (1)
tools.f90:146.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 print *,m,' rows read from file ',f
 1
Warning: Nonconforming tab character at (1)
tools.f90:147.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 return
 1
Warning: Nonconforming tab character at (1)
tools.f90:148.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 end
 1
Warning: Nonconforming tab character at (1)
tools.f90:150.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 real*8 function mymedian(n,a)
 1
Warning: Nonconforming tab character at (1)
tools.f90:166.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 subroutine permutation(n,iarr) ! Return a random permutation of the first n integer:
 1
Warning: Nonconforming tab character at (1)
tools.f90:167.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 integer iarr(n), idum, nmax, i
 1
Warning: Nonconforming tab character at (1)
tools.f90:180.1:
    Included at aifeynman/symbolic_regress1.f90:157:

 return
 1
Warning: Nonconforming tab character at (1)
aifeynman/symbolic_regress1.f90:123.41:

     newloss = abs(xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))
                                         1
Warning: Character length of actual argument shorter than of dummy argument 'ops' (60/256) at (1)
aifeynman/symbolic_regress1.f90:133.50:

       rmsloss = rmsloss + (xy(nvar+1,j) - f(n,ii,ops,xy(1,j)))**2
                                                  1
Warning: Character length of actual argument shorter than of dummy argument 'ops' (60/256) at (1)
aifeynman/symbolic_regress1.f90:42.21:

 character*60 comline, functions, ops, formula
                     1
Warning: Unused variable 'comline' declared at (1)
aifeynman/symbolic_regress1.f90:42.46:

 character*60 comline, functions, ops, formula
                                              1
Warning: Unused variable 'formula' declared at (1)
tools.f90:29.49:
    Included at aifeynman/symbolic_regress1.f90:157:

 integer nmax, n, i, j, arities(n), arity, lnblnk
                                                 1
Warning: Unused variable 'lnblnk' declared at (1)
gfortran:f77: build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.f
/usr/local/bin/gfortran -Wall -g -arch x86_64 -Wall -g -undefined dynamic_lookup -bundle build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.o build/temp.macosx-10.9-x86_64-3.9/aifeynman/symbolic_regress1.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.o -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0 -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -lgfortran -o build/lib.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1.cpython-39-darwin.so
ld: library not found for -lSystem
collect2: error: ld returned 1 exit status
error: Command "/usr/local/bin/gfortran -Wall -g -arch x86_64 -Wall -g -undefined dynamic_lookup -bundle build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1module.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/fortranobject.o build/temp.macosx-10.9-x86_64-3.9/aifeynman/symbolic_regress1.o build/temp.macosx-10.9-x86_64-3.9/build/src.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1-f2pywrappers.o -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0 -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -L/usr/local/lib/gcc/x86_64-apple-darwin14.0.0/5.0.0/../../.. -lgfortran -o build/lib.macosx-10.9-x86_64-3.9/aifeynman/_symbolic_regress1.cpython-39-darwin.so" failed with exit status 1

########### EXT COMPILER OPTIMIZATION ###########
Platform      :
  Architecture: x64
  Compiler    : clang

CPU baseline  :
  Requested   : 'min'
  Enabled     : SSE SSE2 SSE3
  Flags       : -msse -msse2 -msse3
  Extra checks: none

CPU dispatch  :
  Requested   : 'max -xop -fma4'
  Enabled     : SSSE3 SSE41 POPCNT SSE42 AVX F16C FMA3 AVX2 AVX512F AVX512CD AVX512_KNL AVX512_SKX AVX512_CLX AVX512_CNL AVX512_ICL
  Generated   : none
CCompilerOpt._cache_write[796] : write cache to path -> /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/build/temp.macosx-10.9-x86_64-3.9/ccompiler_opt_cache_ext.py
----------------------------------------

ERROR: Command errored out with exit status 1: /Users/steffencruz/opt/miniconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"'; file='"'"'/private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-req-build-961u242u/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record /private/var/folders/h7/5psyf7p12jv0cznq33cr71b40000gn/T/pip-record-xvlhsrxt/install-record.txt --single-version-externally-managed --compile --install-headers /Users/steffencruz/opt/miniconda3/include/python3.9/aifeynman Check the logs for full command output.

Win Installation Error

when running pip install aifeynman I am getting this error:

    building 'aifeynman._symbolic_regress1' extension
    error: extension 'aifeynman._symbolic_regress1' has Fortran sources but no Fortran compiler found

I checked here for a solution:
https://stackoverflow.com/questions/36250303/fortran-sources-but-no-fortran-compiler-found
I installed Cygwin, but I was not sure how to "add the path to its binary to the system PATH". Where do I find the binary? Anyway, I added the whole cygwin directory and cygwin\bin to PATH but that didn't work. Then I tried to install MinGW but this only gives me a zip file with stuff in it that I don't know how to deal with. What do I have to do? Thanks.

Recommend Projects

  • React photo React

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

  • Vue.js photo Vue.js

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

  • Typescript photo Typescript

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

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

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

Recommend Topics

  • javascript

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

  • web

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

  • server

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

  • Machine learning

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

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

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

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.