Skip to content
#

Machine learning

Machine learning is the practice of teaching a computer to learn. The concept uses pattern recognition, as well as other forms of predictive algorithms, to make judgments on incoming data. This field is closely related to artificial intelligence and computational statistics.

Here are 77,465 public repositories matching this topic...

transformers
neochristou
neochristou commented Feb 21, 2022

🐛 Describe the bug

Floating point exception in mkldnn_convolution when stride contains 0s.

Example to reproduce

import torch

self = torch.full((1, 1, 1, 24000,), 1, dtype=torch.float32, requires_grad=False)
weight = torch.full((1, 1, 1, 24000,), 1, dtype=torch.float32, requires_grad=False)
bias = torch.full((1, 1, 1, 24000,), 1, dtype=torch.float32, requires_grad
lesteve
lesteve commented Feb 23, 2022

See in #22547

MatplotlibDeprecationWarning: Axes3D(fig) adding itself to the figure is deprecated since 3.4. Pass the keyword argument auto_add_to_figure=False and use fig.add_axes(ax) to suppress this warning. The default value of auto_add_to_figure will change to False in mpl3.5 and True values will no longer work in 3.6.  This is consistent with other Axes classes

We need to rep

julia
JeffBezanson
JeffBezanson commented Mar 2, 2022

Currently, we mostly map julia function arguments directly to LLVM arguments regardless of how many there are. That probably causes us to hit some pathological cases, since LLVM is not likely to care about or optimize handling 1000 arguments, since most front-ends do not generate that.

For example:

julia> fields = [:($(Symbol("var$i"))::Int) for i in 1:1000];

julia> @eval struct x
   

Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.

  • Updated Nov 4, 2021
  • Python
trivialfis
trivialfis commented Dec 13, 2020

Currently many more Python projects like dask and optuna are using Python type hints. With the Python package of xgboost gaining more and more features, we should also adopt mypy as a safe guard against some type errors and for better code documentation.

Wikipedia
Wikipedia