Tags (Ascending Order)

  • ASP.NET Core
  • Azure Function
  • CSS
  • CUDA
  • Deep Learning in Julia
  • Docker
  • Elasticsearch
  • Flux.jl
  • GitHub Action
  • HTML
  • Jacobians
  • JavaScript
  • LLM
  • ML
  • Minimum Mean Squared Error (MMSE)
  • Node
  • Numpy
  • PyTorch
  • Python
  • React
  • Rust
  • SIMD
  • Serilog

In this article

Understanding intersection-over-union

Intersection-over-union (IoU), also known as the Jaccard index, is a commonly used measure for determining how accurate a proposed image segmentation is, compared to a known/ground-truth segmentation. In segmentation tasks the IoU is prefered over accuracy as it is not as affected by the class imblances that are inherent in foreground/background segmentation tasks. As an example, if a ground truth image is made up of 90% background pixels, a proposed segmentation that classifies all pixels as background will have an accuracy of 90% whereas it would have an IoU of 0%.

imagenet_validation Public

How to reproduce ImageNet validation results

349

Jupyter Notebook

This code in this repository can be used to reproduce the ImageNet validation results for Keras pretrained models. A blog post describing this process in more detail is here.

Code

Some notes on Gaussian Fields and Label Propagation

Propagation as a Cost Minimization Problem

Peter Melchior

Scarlet2 – Thoughts for a major redesign
Astronomical source modeling and separation, all new and shiny
Bayesian inference three ways
Running MCMC, Hamiltonian MC, and simulation-based inference with a few lines of code

From Python to Numpy

This is a collection of numpy exercises from numpy mailing list, stack overflow, and numpy documentation. I've also created some problems myself to reach the 100 limit. The goal of this collection is to offer a quick reference for both old and new users but also to provide a set of exercises for those who teach. For extended exercises, make sure to read From Python to NumPy.

There are already a fair number of books about Numpy (see Bibliography) and a legitimate question is to wonder if another book is really necessary. As you may have guessed by reading these lines, my personal answer is yes, mostly because I think there is room for a different approach concentrating on the migration from Python to Numpy through vectorization. There are a lot of techniques that you don't find in books and such techniques are mostly learned through experience. The goal of this book is to explain some of these techniques and to provide an opportunity for making this experience in the process.

Website: http://www.labri.fr/perso/nrougier/from-python-to-numpy

Table of Contents

Ļ€s, deaths, and statistics

PDFs, CDFs, and Hazard Functions

If you have taken a probability or statistics course, you probably (ha!) know about probability density functions (pdfs). A pdf is a positive function that we use as a density and to make it aprobabilty density it needs to integrate to one. If

f is a pdf and X is a random variable with that distribution then P ( a < X ≤ b ) = ∫ a b f ( x ) d x ,

An Analysis of ICP Variants

Over the years, various ICP modifications have been proposed. Now, which one should you use?...

6 minute read

3D Reconstruction with Differentiable ICP


9 minute read
  • Duration: July 2020 to March 2021 (9 months)
  • Team: Me and supervising prof.
  • My Responsibilities: Research, design and implementation of differentiable ICP in Pytorch, ML model training and evaluation
  • Source Code: https://github.com/fa9r/DiffICP

Differentiable ICP

The ICP algorithm consists of the following five steps: source point selection, correspondence search, correspondence weighting, correspondence rejection, and the minimization of an error metric. Source point selection and correspondence weighting are by default differentiable, so it is the remaining three steps that we need to explore in more detail.

Differentiable Correspondence Finding

Standard ICP correspondences are found by searching the nearest neighbor of each source point within the target point cloud, which can be formulated as follows:

The problem here is that the argmin operation is not properly differentiable, since its derivative is everywhere either 0 or undefined. There exist a variety of approximate methods, but they are similarly based on concrete selections and are, therefore, not differentiable either.

Fortunately, a soft relaxation can be formulated by expressing correspondence points as linear combinations of all target points with weights calculated as the softmax over negative distances:

Armin Ronachermitsuhiko

Software developer and Open Source nut. Creator of the Flask framework. Engineering at@getsentry. Other things of interest:@palletsand@rust-lang

Mar 31, 2018

You can't Rust that

Some tips for how to be more productive in Rust by avoiding situations you cannot solve in Rust.

Oct 30, 2016

I don't understand Python's Asyncio

A little confession that I have no idea how asyncio works in Python 3.

The Primitives

asyncio is supposed to implement asynchronous IO with the help of coroutines. Originally implemented as a library around the yield andyield from expressions it's now a much more complex beast as the language evolved at the same time. So here is the current set of things that you need to know exist:

  • event loops
  • event loop policies
  • awaitables
  • coroutine functions
  • old style coroutine functions
  • coroutines
  • coroutine wrappers
  • generators
  • futures
  • concurrent futures
  • tasks
  • handles
  • executors
  • transports
  • protocols

In addition the language gained a few special methods that are new:

Nov 18, 2015

Python's Hidden Regular Expression Gems

Some hidden features of the Python re module and the support machinery that drives it.

There are many terrible modules in the Python standard library, but the Python re module is not one of them. While it's old and has not been updated in many years, it's one of the best of all dynamic languages I would argue.

Fixing up Groups

One annoying thing is that our group indexes are not local to our own regular expression but to the combined one. This means if you have a rule likeand you want to access that group by index, it will be wrong. This would require a bit of extra engineering with a class that wraps the SRE match object with a custom one that adjusts the indexes and group names. If you are curious about that I made a more complex version of the above solution that implements a proper match wrapper in a github repository together with some samples of what you can do with it.

Peter Goldsborough

A Promenade of PyTorch

For the past two years, I’ve been quite heavily invested inTensorFlow, either writing papers about it, givingtalks on how to extend its backend or using it for my own deep learning research. As part of this journey, I’ve gotten quite a good sense of both TensorFlow’s strong points as well as weaknesses – or simply architectural decisions – that leave room for competition. That said, I have recently joined the PyTorch team at Facebook AI Research (FAIR), arguably TensorFlow’s biggest competitor to date, and currently much favored in the research community for reasons that will become apparent in subsequent paragraphs.

No Name

FYI: this idea of constructing a computation graph at runtime was done by Acar at CMU for self adjusting computations. You might be able to steal some ideas from them.

Non-Blocking Parallelism for Services in Go

Non-Blocking Parallelism for Services in Go

Aayush Agrawal

I’m an experienced Data Scientist with specialized skills in machine learning-based solutions. I enjoy staying on top of cutting-edge data technologies, including big data platforms, deep learning, optimization methods, and business analytics. My current work involves building data-driven products to enable smarter recommendations for Microsoft Partners, M365 service administrators and end-users to ensure the best usage of M365 services. Before that, I have experience working in various verticals like agricultural technology, pharmaceuticals, retail, e-commerce, and ride-sharing business model.

Model calibration for classification tasks using Python
6 min
Model Calibration
Machine Learning
A hands-on introduction to model calibration using Python.
Oct 12, 2022
ML Interview Prepration Guide (Draft)
11 min
ML Interview Guide
A collection of resources while preparing for MLE interviews at Meta or other big tech companies.
Aug 24, 2024

ezyang 's blog

Edward Z. Yang is a research engineer at Facebook who works on PyTorch, an open source deep learning library. In a previous life, he worked on Backpack, a new module system for Haskell.

You can find more outdated information about me at http://ezyang.com.

Vincent_Qin 's blog

  • šŸ”­ I am currently working on SLAM.
  • 🌱 I am currently learning SLAM and AI.
  • šŸ’¬ Ask me about depth estimation/light filed/SLAM etc.
  • šŸ‘Æ I am looking to collaborate on repo Recent-Stars-2020
  • šŸ“« How to reach me: vincentqin#hotmail.com (#->@)
  • ⚔ Fun fact: I 🧔🐈

Realcat Vincentqyw(https://github.com/Vincentqyw) starred a repository on 13/5/25
ngxson/smolvlm-realtime-webcam (HTML) 3.2k STARS

Realcat Vincentqyw(https://github.com/Vincentqyw) starred a repository on 7/5/25
huggingface/nanoVLM (Jupyter Notebook 79.9%, Python 20.1%) 961 STARS

Contributor Rankings

@roboticcam profile

andimarafioti AndrƩs Marafioti

Machine Learning Research Engineer at Hugging Face.

51 repositories236 followers

follows

@roboticcam profile

andimarafioti Oriol Nieto

Senior Research Engineer at Adobe Research. Doctor in music data science (Doctoriol). Oaklander born in Barcelona. He/they.

52 repositories226 followers

Visit the full article: Tutorial - Deep XOR | Posts Ā· 26/2/2017 Ā· 1 minute

Realcat Vincentqyw(https://github.com/Vincentqyw) starred a repository on 3/5/25
skyzh/tiny-llm (Python, C++) 1.8k STARS

Andrew Tulloch 's New blog

Andrew Tulloch 's Old blog

I've cleaned up (somewhat) my notes from Cambridge Part III and have put them online - with LaTeX sources available onGitHub and PDFs linked below.

Advanced Financial Models

Advanced Probability

Applied Bayesian Statistics

Convex Optimization

Mathematics Of Operations Research

Non-Parametric Statistics

Percolation

Ramsay Theory

Statistical Theory

Time Series and Monte Carlo Analysis

Michael Clarke 's blog

From t-tests to deep learning, I've covered a lot of ground in modeling, visualizing, and understanding data. I can provide inference for models on millions of observations, classify biomedical images to determine pathology, and scrape the web to explore political sentiment. What 's more, I can help others understand the results and take appropriate action regarding them.

Hugo-Bowne-Andersondata scientist - educator - writer - podcaster

HBA FB Live

other initiatives

I'm interested in exploring other ways to teach and discuss data science, machine learning, and AI. To this end, I piloted a series ofFacebook Live coding sessions at DataCamp, which saw up to 40K unique viewers. Two of my favourites areGetting Started with the Tidyverse through the Titanic data set andWeb Scraping & NLP in Python, in which I scrape novels from the web and plot word frequency distributions.

I enjoy writing tutorials. You can find a bunch I've written onDataCamp's community page by searching for my name. Here are a few to get started with:

Groupby, split-apply-combine and pandasHierarchical indices, groupby and pandasPreprocessing in Data Science (Part 1)Preprocessing in Data Science (Part 2)Preprocessing in Data Science (Part 3)

I'm constantly thinking about how data science notebook technologies can be used to design productive educational environments. You can check out Eric Ma's and my interactive Jupyter notebooks for our Bayesian data science workshopshere on Binder (more context in the GitHub repohere). I also built a DataCamp project that leverages the capabilities of Jupyter notebooks to create a novel educational experience: it's called"Word Frequency in Moby Dick" and in it, you'll get to scrape the novel Moby Dick from the website Project Gutenberg (which contains a large corpus of books), extract words from it, and dive into analyzing the distribution of words using the Natural Language Toolkit (nltk).

I've given a lot of webinars for business leaders, managers, and learning and development leaders across several verticals. Highlights include:What Managers Need To Know About Machine Learning,Inside the Data Science Workflow andData Literacy in the 21st Century.

Selected Talks

Bayesian Data Science Two Ways: Simulation and Probabilistic Programming

SciPy 2018 Tutorial

This was a tutorial that I co-taught with Eric Ma to build participants' knowledge of Bayesian inference, workflows and decision making under uncertainty. We started with the basics of probability via simulation and analysis of real-world datasets, building up to an understanding of Bayes' theorem. We then introduced the use of probabilistic programming to do statistical modelling. Throughout this tutorial, we used a mixture of instructional time and hands-on time. During instructional time, we used a variety of datasets to anchor our instruction; during hands-on time, which immediately followed instructional time, our participants applied the concepts learned to the Darwin's finches dataset, which permeated the entire tutorial.

Tutorial material

Bayesian Data Science by Simulation

PyCon 2019 Tutorial

This tutorial was an Introduction to Bayesian data science through the lens of simulation or hacker statistics. Learners became familiar with many common probability distributions through i) matching them to real-world stories & ii) simulating them. They worked with joint/conditional probabilities, Bayes Theorem, prior/posterior distributions and likelihoods, while seeing their applications in real-world data analyses. They then saw the utility of Bayesian inference in parameter estimation and comparing groups and we wrapped up with a dive into the wonderful world of probabilistic programming using PyMC3.

Tutorial material
bayesian-stats-modelling-tutorialPublic

How to do Bayesian statistical modelling using numpy and PyMC3

659279

Jupyter Notebook

Kanaka Rajan I'm an Entreprenuer| Researcher

Both lectures are available on the COSYNE YouTube channel (see lecture title links) under a Creative Commons license. To request access to the lecture slides, please email: kanaka_rajan@hms.harvard.edu & kanaka-admin@stellatecomms.com

If you 'd like to deepen your understanding of recurrent neural networks, I encourage you to complete a problem set created in collaboration with the COSYNE Tutorial TAs. The problem set has detailed instructions and questions to work through. Problems 1 and 2 are intermediate and should be done after watching Lecture 1; Problem 3 is advanced and should be done after watching Lecture 2. Solutions are available in Julia, MATLAB, and Python.

Solution Scripts

John Parkhill ML, director of machine learning Terray Therapeutics (https://x.com/Terray_Tx).

Followings of @memming on X

Followings of @_Jaivardhan_ on X

ML, director of machine learning at Terray Therapeutics (x.com/Terray_Tx). Father. NSF CAREER award giver-upper. Gibe and gambol enjoyer.
  • Quaternion Averaging in Pytorch: Detailed Page

  • At atomsandbits.ai we implement some seriously large formulas in TensorFlow. If we just went from LaTeX to tf. we wouldn't be able to do it. Here's a list of tricks and tools we use, applied to the problem of averaging rotations. Come for the tf. stay for the hypersphere.

    The tensormol0.2 model chemistry reproduces a huge swath of chemistry (37 elements), which is in some sense a large fraction of our world. It's a big ole' formula for some geometry:

    TensorMol

    How does one use TensorFlow effectively to get something complicated done? It's not easy. I thought I'd write up an example a little simpler than modeling all of chemistry. How about averaging rotations/axis systems? Simple right? Well interesting story… The math is mostly due to Hamilton (~1843), however it wasn’t until the advent of computer graphics in 1985 that people even bothered to work out how to interpolate between rotations perfectly.

    #Rotation & Quaternions

    The rotational algebra of our world is a beautiful bedeviling thing. The reason is that although rotations act on a three dimensional space, when embedded in three dimensions, rotations are not smooth or unique. When represented with Euler angles or matrices, every rotation has multiple representations. Change the order of rotations and you also change the endpoint (rotations are non-commutative) Traveling smoothly along some paths of rotations using a three dimensional embedding, suddenly the third degree of freedom can become inaccessible (the phenomenon of ā€œGimbal lockā€). If you try to define an average or interpolated point-of-view in a naive way (axes=> angles => interpolated angles) you will find gibberish zero axes, and jerky non-smooth behavior.

    The rotational algebra of our world is a beautiful bedeviling thing. The reason is that although rotations act on a three dimensional space, when embedded in three dimensions, rotations are not smooth or unique. When represented with Euler angles or matrices, every rotation has multiple representations. Change the order of rotations and you also change the endpoint (rotations are non-commutative) Traveling smoothly along some paths of rotations using a three dimensional embedding, suddenly the third degree of freedom can become inaccessible (the phenomenon of ā€œGimbal lockā€). If you try to define an average or interpolated point-of-view in a naive way (axes=> angles => interpolated angles) you will find gibberish zero axes, and jerky non-smooth behavior.

    To have smooth topology rotations must be embedded within a four-dimensional hypersphere, so we can forgive your brain. In this space a rotation is a 4-dimensional point, a quaternion, whose components can be thought of as the angle and 3 axis components of the rotation. Given a 3x3 rotation matrix Q, one can parameterize a quaternion (w,x,y,z)

    To have smooth topology rotations must be embedded within a four-dimensional hypersphere, so we can forgive your brain. In this space a rotation is a 4-dimensional point, a quaternion, whose components can be thought of as the angle and 3 axis components of the rotation. Given a 3x3 rotation matrix Q, one can parameterize a quaternion (w,x,y,z).

    qm

    Given any set of orthogonal axes (rows of Q), Euler's theorem guarantees an axis-angle rotation which can map the natural xyz axes back and forth into the new frame. The formula above yields the natural 4-d form of that rotation.

    Now suppose you have two, three or four systems of axes (ax_1, ax_2, ax_3). For example you want to look at the sun then the moon, or you want to fit 4 pretty objects in your field of vision, or define invariant axes for a cloud of points (the reason we use this math in TensorMol). Can you simply average the quaternion components q_av = (ax_1+ax_2+ax_3)/3? Sadly no… You can immediately understand why if you imagine averaging rotations around opposite axis vectors as an owl might when spinning his head. The ā€œgood, smoothā€ quaternions keep to the surface of the 4-d hypersphere (a curvy subset of 4d-euclidean space). To interpolate lines on that sphere, you can use SLERP. To average multiple quaternions we must construct the 4x4 matrix which is the outer product of the list of quaternions (Nx4) with itself, weighted if desired:

    Q = q 1 , q 2 , . . . M = ( w ā‹… Q ) t Q

    The largest eigenvector of this matrix is the desired average quaternion.

    Implementing complex math in tf.

    Again, my goal is to get rotationally invariant axes for a set of points which smooth, differentiable and local. I will walk through my whole implementation of this in tf. Step 1- Don't use tf. Write a simple test of your formulas in a notebook like math interface (mathematica, ipython/sage). Verify everything is working when you use all the fancy library routines tf. doesn't have (eigenvectors etc.). Here's what that looks like using mathematica.

    qmrr

    Those fancy manipulate sliders are a nice way to get tangible faith that the point cloud is rotationally invariant when transformed using an averaged axis system depending on points in the cloud. It remains for us to do this same thing in tf. Were' ready for step 2:

    
    def slerp(v0, v1, t=0.05):
        """
        Interpolate between quaternions v0 and v1.
        """
        v0 = safe_normalize(v0)
        v1 = safe_normalize(v1)
        dot = tf.reduce_sum(v0*v1,axis=-1,keepdims=True)
        # If the dot product is negative, slerp won't take
        # the shorter path. Note that v1 and -v1 are equivalent when
        # the negation is applied to all four components. Fix by
        # reversing one quaternion.
        signflip = tf.where(tf.less_equal(dot,0.),-1.*tf.ones_like(dot),tf.ones_like(dot))
        v1 *= signflip
        dot *= signflip
        # Linear answer.
        linq = safe_normalize(v0 + t*(v1-v0))
        #
        sdot = tf.clip_by_value(dot,-1.0,1.0)
        theta_0 = tf.acos(sdot)
        theta = theta_0*t
        sin_theta = tf.sin(theta)
        sin_theta_0 = tf.sin(theta_0)
        s0 = tf.cos(theta) - dot * sin_theta / (sin_theta_0+1e-19)
        s1 = sin_theta / (sin_theta_0+1e-19)
        sq = safe_normalize((s0 * v0) + (s1 * v1))
        #
        DOT_THRESHOLD = 0.9995
        tdot = tf.concat([dot,dot,dot,dot],axis=-1)
        slerpd = tf.where(tf.greater(tdot,DOT_THRESHOLD),linq,sq)
        ttiled = tf.concat([t,t,t,t],axis=-1)
        slerpdorv1 = tf.where(tf.greater(ttiled,1.0-1e-14),v1,slerpd)
        return tf.where(tf.less(ttiled,1e-14),v0,slerpdorv1)
    def sftpluswparam(x):
        return tf.log(1.0 + tf.exp(100. * x)) / 100.0
    def RotToQuat(axes_):
        """
        axes is a ... X 3 3 tensor of axes
        this generates a ... X 4 tensor of quaternions.
        which are 1:1 with those axes.
        """
        w = (1./2.)*tf.sqrt(1e-15+tf.abs(1 + axes_[...,0, 0] + axes_[...,1, 1] + axes_[...,2, 2]))
        x = tf.sign(axes_[...,2, 1] - axes_[...,1, 2])*tf.abs(0.5*tf.sqrt(1e-15+tf.abs(1.0 + axes_[...,0, 0] - axes_[...,1, 1] - axes_[...,2, 2])))
        y = tf.sign(axes_[...,0, 2] - axes_[...,2, 0])*tf.abs(0.5*tf.sqrt(1e-15+tf.abs(1.0 - axes_[...,0, 0] + axes_[...,1, 1] - axes_[...,2, 2])))
        z = tf.sign(axes_[...,1, 0] - axes_[...,0, 1])*tf.abs(0.5*tf.sqrt(1e-15+tf.abs(1.0 - axes_[...,0, 0] - axes_[...,1, 1] + axes_[...,2, 2])))
        return tf.stack([w,x,y,z],axis=-1)
    def QuatToRot(q):
        """
        a_ ... X 4 tensor of quaternions
        this generates a ... X 3 X 3 of rotation matrices.
        """
        tmp=tf.stack([1 - 2.*(q[...,2]*q[...,2] + q[...,3]*q[...,3]), 2*(q[...,1]*q[...,2] - q[...,3]*q[...,0]),
        2*(q[...,1]*q[...,3] + q[...,2]*q[...,0]),2*(q[...,1]*q[...,2] + q[...,3]*q[...,0]), 1 - 2.*(q[...,1]*q[...,1] + q[...,3]*q[...,3]),
        2*(q[...,2]*q[...,3] - q[...,1]*q[...,0]),2*(q[...,1]*q[...,3] - q[...,2]*q[...,0]), 2*(q[...,2]*q[...,3] + q[...,1]*q[...,0]),
        1 - 2.*(q[...,1]*q[...,1] + q[...,2]*q[...,2])],axis=-1)
        return tf.reshape(tmp,[-1,3,3])
    def VectorsToOrient(v1,v2):
        v1n = safe_normalize(v1)
        v2n = safe_normalize(v2)
        v3 = safe_normalize(tf.cross(v1n, v2n)+tf.constant(np.array([0., 0., 1e-19]), dtype=tf.float64))
        # Compute the average of v1, v2, and their projections onto the
        # plane.
        v_av = (v1n + v2n) / 2.0
        v_av = safe_normalize(v_av)
        # Rotate pi/4 cw and ccw to obtain v1,v2
        first = TF_AxisAngleRotation(v3, v_av, tf.constant(-Pi / 4., dtype=tf.float64))
        second = TF_AxisAngleRotation(v3, v_av,tf.constant(Pi / 4., dtype=tf.float64))
        vs = tf.concat([first[:, tf.newaxis, :], second[:, tf.newaxis, :],v3[:, tf.newaxis, :]],axis=1)
        return vs
    def VectorsToAxisQs(v1,v2):
        return tf.reshape(RotToQuat(VectorsToOrient(v1,v2)),(-1, 4))
    def safe_normalize(x_):
        nrm = tf.clip_by_value(tf.norm(x_,axis=-1,keepdims=True),1e-36,1e36)
        nrm_ok = tf.logical_and(tf.not_equal(nrm,0.),tf.logical_not(tf.is_nan(nrm)))
        safe_nrm = tf.where(nrm_ok,nrm,tf.ones_like(nrm))
        return x_*tf.where(nrm_ok,1.0/safe_nrm,tf.zeros_like(nrm))
    def safe_inv_norm(x_):
        nrm = tf.clip_by_value(tf.norm(x_,axis=-1,keepdims=True),1e-36,1e36)
        nrm_ok = tf.logical_and(tf.not_equal(nrm,0.),tf.logical_not(tf.is_nan(nrm)))
        safe_nrm = tf.where(nrm_ok,nrm,tf.ones_like(nrm))
        return tf.where(nrm_ok,1.0/safe_nrm,tf.zeros_like(nrm))
    def safe_norm(x_):
        nrm = tf.clip_by_value(tf.norm(x_, axis=-1, keepdims=True), 1e-36, 1e36)
        nrm_ok = tf.logical_and(
            tf.not_equal(nrm, 0.), tf.logical_not(tf.is_nan(nrm)))
        safe_nrm = tf.where(nrm_ok, nrm, tf.zeros_like(nrm))
        return safe_nrm
    with tf.Graph().as_default():        
        xyzs = tf.Variable(np.random.random((batch_size,MaxNAtom,3))*7.0 - 5.0)
        init = tf.global_variables_initializer()
        sess = tf.Session(config=tf.ConfigProto(allow_soft_placement=True))
        sess.run(init)
        print sess.run(xyzs[0,:2])
        print sess.run(VectorsToOrient(xyzs[:,0],xyzs[:,1]))
        print sess.run(RotToQuat(VectorsToOrient(xyzs[:,0],xyzs[:,1])))
        print sess.run(QuatToRot(RotToQuat(VectorsToOrient(xyzs[:,0],xyzs[:,1]))))
    

    Style notes about the tf. code given above:

    • Each routine can be easily compared with the mathematica output, to quickly debug.
    • In general it is best to choose an order of dimensions for your tensor which goes (least often contracted,…,most often contracted), because several helpful tf. functions assume the first dimension of a tensor is the batch dimension.
    • tf.sqrt, and 1/(tensor) are both unstable operations in tf. They are unstable in a tricky way, because the implied chain-rule derivative graph (coming from tf.gradients(… op…, var) will still often evaluate NaN’s even when it appears that the arguments to the routine would always be in the well-behaved domain. One must make liberal use of tf.clip_by_value() , tf.where(), and infinitesimals to ensure both the routine and routine’s derivatives are well-behaved. Safe_norm is a good example.

    Epilogue

    So is all this serious rotational mathematics only good for defining axis systems for atomic positions. No! Facebook AI-Research and collaborators from the EPFL published a nice use of quaternions for skeletal motion planning last week

    Greg Brockman President & Co-Founder @OpenAI

    Greg Brockman's Blog

    How I became a machine learning practitioner

    For the first three years of OpenAI, I dreamed of becoming a machine learning expert but made little progress towards that goal. Over the past nine months, I've finally made the transition to being a machine learning practitioner. It was hard but not impossible, and I think most people who are good programmers and know (or are willing to learn) the math can do it too. There are many online courses to self-study the technical side, and what turned out to be my biggest blocker was a mental barrier — getting ok with being a beginner again.

    gdb-ml1.png

    Studying machine learning during the 2018 holiday season.

    Early days

    A founding principle of OpenAI is that we value research and engineering equally ā€” our goal is to build working systems that solve previously impossible tasks, so we need both. (In fact, our team is comprised of 25% people primarily using software skills, 25% primarily using machine...

    Continue reading →

    Early days #

    A founding principle of OpenAI is that we value research and engineering equally ā€” our goal is to build working systems that solve previously impossible tasks, so we need both. (In fact, our team is comprised of 25% people primarily using software skills, 25% primarily using machine learning skills, and 50% doing a hybrid of the two.) So from day one of OpenAI, my software skills were always in demand, and I kept procrastinating on picking up the machine learning skills I wanted.

    After helping build OpenAI Gym, I was called to work on Universe. And as Universe was winding down, we decided to start working on Dota — and we needed someone to turn the game into a reinforcement learning environment before any machine learning could begin.

    Dota #

    Time out #

    After we lost two games in The International in 2018, most observers thought we'd topped out what our approach could do. But we knew from our metrics that we were right on the edge of success and mostly needed more training. This meant the demands on my time had relented, and in November 2018, I felt I had an opening to take a gamble with three months of my time.

    I learn best when I have something specific in mind to build. I decided to try building a chatbot. I started self-studying the curriculum we developed for our Fellows program, selecting only the NLP-relevant modules. For example, I wrote and trained an LSTM language model and then a Transformer-based one. I also read up on topics like information theory and read many papers, poring over each line until I fully absorbed it.

    I learn best when I have something specific in mind to build. I decided to try building a chatbot. I started self-studying the curriculum we developed for our Fellows program, selecting only the NLP-relevant modules. For example, I wrote and trained an LSTM language model and then a Transformer-based one. I also read up on topics like information theory and read many papers, poring over each line until I fully absorbed it.

    It was slow going, but this time I expected it. I didn't experience flow state. I was reminded of how I'd felt when I just started programming, and I kept thinking of how many years it had taken to achieve a feeling of mastery. I honestly wasn't confident that I would ever become good at machine learning. But I kept pushing because… well, honestly because I didn't want to be constrained to only understanding one part of my projects. I wanted to see the whole picture clearly.

    It was slow going, but this time I expected it. I didn't experience flow state. I was reminded of how I'd felt when I just started programming, and I kept thinking of how many years it had taken to achieve a feeling of mastery. I honestly wasn't confident that I would ever become good at machine learning. But I kept pushing because… well, honestly because I didn't want to be constrained to only understanding one part of my projects. I wanted to see the whole picture clearly.

    One important conceptual step was overcoming a barrier I'd been too timid to do with Dota: make substantive changes to someone else's machine learning code. I fine-tuned GPT-1 on chat datasets I'd found, and made a small change to add my own naive sampling code. But it became so painfully slow as I tried to generate longer messages that my frustration overwhelmed my fear, and I implemented GPU caching — a change which touched the entire model.

    One important conceptual step was overcoming a barrier I'd been too timid to do with Dota: make substantive changes to someone else's machine learning code. I fine-tuned GPT-1 on chat datasets I'd found, and made a small change to add my own naive sampling code. But it became so painfully slow as I tried to generate longer messages that my frustration overwhelmed my fear, and I implemented GPU caching — a change which touched the entire model.

    I had to try a few times, throwing out my changes as they exceeded the complexity I could hold in my head. By the time I got it working a few days later, I realized I'd learned something that I would have previously thought impossible: I now understood how the whole model was put together, down to small stylistic details like how the codebase elegantly handles TensorFlow variable scopes.

    I had to try a few times, throwing out my changes as they exceeded the complexity I could hold in my head. By the time I got it working a few days later, I realized I'd learned something that I would have previously thought impossible: I now understood how the whole model was put together, down to small stylistic details like how the codebase elegantly handles TensorFlow variable scopes.

    Grant Slatton

    Formerly built the world's fastest filesystem at AWS, now the fastest spreadsheet at http://rowzero.com

    Grant Slatton's Blog

    Binary IQ — A model of LLM capability

    Lightweight property-based testing at Row Zero — How we verify correctness

    Rust Macros: Zero to Hero — A comprehensive guide on Rust macros

    Algorithms we develop software by — Pathfinding applied to the software solution domain

    Building Filesystems — High level ideas in filesystem design

    Quasirandom sequences — Cool method to generate non-clumping random points

    How to write complex software — A general method

    Bureaulogy — The study of bureaucracy

    A peasant's plight — On the shackling of the peasantry

    Every Man his own API — A sociotechnological trend

    Culture is a set of social Schelling points — Solving coordination problems in community-building

    Portals are Undertheorized — The importance of arrival

    Binary IQ — A model of LLM capability

    Designing bug-proof engines — A spectrum of engineering philosophies

    Accidental Urbanism — How I got into the scene

    How to Bootstrap a Town — A modest plan

    Sports vs Games — An aesthetic distinction

    Nobody Cares — A rant about caring

    Lightweight property-based testing at Row Zero — How we verify correctness

    Rust Macros: Zero to Hero — A comprehensive guide on Rust macros

    Algorithms we develop software by — Pathfinding applied to the software solution domain

    Status among whom? — An essay about status relativism

    Ghost Side Control Escape System (BJJ) — A video instructional on my preferred side control escape system

    Building Filesystems — High level ideas in filesystem design

    AI follows auditability — An essay about the order AI will move through the economy

    Book List — Stuff I've read

    Onsen Unreality — Our experience at an onsen 'theme park' in Tokyo

    Tesla Full Self-Driving — My experience with FSD

    Internet Fiction — Collection of amateur stories — mainly sci-fi — that I like

    All the way down — Very short story about simulation

    Story Ideas — A collection of premises for stories

    Things I wish I knew earlier — Collection of stuff I would tell my younger self if I could

    Road Width Extremism — In favor of narrow roads

    Links to See Also — Other "small web" personal sites I recommend

    HTML5 Canvas simulations — A collection of little HTML5 canvas demos

    Twitter — Essay about how getting on Twitter unexpectedly added a lot of value to my life

    Shuttle — A useful concurrency checker library we used to verify our filesystem at AWS

    Quasirandom sequences — Cool method to generate non-clumping random points

    Book Review: 'The Perfectionists: How Precision Engineers Created the Modern World' — Excellent book about the history of precision machining

    Markdown-ish — Writing a Markdown(ish) parser with the nom library

    Grant holding Sampson at sunset overlooking Puget Sound

    @Rishit-dagli profile

    Rishit DagliRishit-dagli

    CS + Math @UofT | AI Research, Qualcomm | Research ML, Vision UofT, Vector | RT @kubernetes 1.26-9

    106 repositories891 followers

    Followings of @nietras1 on X

    @xoofx profile

    xoofx Alexandre Mutel

    Director C#/.NET Tech Group at Unity, OSS, lang/compilers, GPU/sound, architecture šŸŽļø Microsoft MVP, ex-demoscene PC/Amiga šŸŽ† Veggie 🌿, opinions are my own.

    88 repositories1.4k followers

    2023

  • 10x Performance with SIMD Vectorized Code in C#/.NETUse your CPU at its full width!
  • 2020

    2018

    2009

    Alexandre Mutel (https://github.com/xoofx) starred a repository on 20/6/25
    JimmyLefevre/kb (C) 275 STARS

    Alexandre Mutel (https://github.com/xoofx) followed a GitHub user on 2/5/25
    meziantou

    Alexandre Mutel (https://github.com/xoofx) starred a repository on 7/4/25
    Alan-Rock-GS/GpuScript (C#) 171 STARS

    Alexandre Mutel (https://github.com/xoofx) starred a repository on 5/4/25
    https://github.com/nietras/Llm.cs (C#) 49 STARS

    Overview of commits/PRs from Feb 1, 2025 to Feb 28, 2025
    Backend URL Link https://github.com/xoofx?tab=overview&from=2025-02-01&to=2025-02-28

    Remove List<IObserver<T>>.ToArray() allocations in LightweightObservableBase#18316

    xoofx

    Here are the details of a specific PR from the AvaloniaUI/Avalonia repository:

    This PR is removing the List<IObserver<T>>.ToArray() allocations happening in LightweightObservableBase when Routing events are fired (e.g. whenever you move the mouse)

    When profiling the memory, I noticed that when generating lots of routing events (e.g. just moving the mouse over a window) several MB of IObserver<ValueTuple<Object, RoutedEventArgs>>[] were created.

    Charlie Marsh

    Building Astral: high-performance tools for Python, starting with Ruff.

    In the past: Staff software engineer at Spring Discovery, senior engineer at Khan Academy, and Computer Science major at Princeton.

    These days, I write on Notion.

    Check out some of my public projects:

    kevin frans website v5

    Hey, I'm Kevin. I am a PhD student at BAIRadvised by Pieter Abbeel andSergey Levine. I did my B.S. and M.Eng at MIT with Phillip Isola. I am interested in deep reinforcement learning, unsupervised learning, and AI-based creative tools. I also lead engineering at ParagraphAI. I have spent time atCross Labs, Sizigi,Autodesk Research, and OpenAI. In my free time, I like to design and build video games.

    @xoofx profile

    Stathis Kamperis Stathis Kamperis

    I am a radiation oncologist and physicist. I like to build bridges between different scientific disciplines (medicine, physics, informatics).

    15 repositories29 followers

    Sewon Min Incoming faculty @Berkeley_EECS @berkeley_ai || Research scientist at @allen_ai || PhD from @uwcse @uwnlp.

    Incoming faculty || Research scientist at || PhD from

    11/2024: I won't be attending EMNLP or NeurIPS this year, but my co-authors will be presenting our work! Check out our papers onBenchmarking the Reproduction of Copyrighted Text(EMNLP Main, NeurIPS Regulatable ML Workshop Contributed Talk),Scaling a Datastore in Retrieval-Based LMs(NeurIPS Main), andAn Open Mixture-of-Experts LM(NeurIPS Workshop on Efficient Natural Language and Speech Processing (ENLSP), Oral Talk).

    11/2024: I am recruiting PhD students at UC Berkeley's EECS!If you're interested, please apply directly through the UC Berkeley admissions portal (details here). Kindly note that I cannot discuss applications outside the official admissions process.

    12/2023: I am attending EMNLP and NeurIPS! At EMNLP, I will give an invited talk on Rethinking the Role of Demonstrations at the Big Picture Workshop on Dec 7th, and give an oral talk on FActScore on Dec 8th. At NeurIPS, I will give a spotlight talk on SILO at the Distribution Shifts Workshop on Dec 15th, and give an oral talk on SILO at the Regulatable ML Workshop on Dec 16th.

    08/2023: Together with Suchin Gururangan, we present SILO, proposing to segregate the training data and the inference-time data in nonparametric LMs to mitigate legal risk in LMs.

    07/2023: Our paper that examines the role of demonstrations in CoT prompting, led by Boshi Wang, won an Honorable Mention at ACL 2023.

    07/2023: I co-taught a tutorial on retrieval-based LMs at ACL 2023. Slides & recordings are available on the website.

    12/2022: Check out our new preprint,Nonparametric Masked Language Modeling. Code and model checkpoints available here.

    09/2022: I was selected by the EECS Rising Stars Program.

    08/2022: Together with Sang Michael Xie, we wrote a post on How does in-context learning work? A framework for understanding the differences from traditional supervised learning at Stanford AI Blog.

    05/2022: I co-taught the ACL tutorial on Few-Shot NLP with Pretrained Language Models (slides, recordings).

    02/2022: Check out our new preprint, Rethinking the Role of Demonstrations: What makes In-context Learning Work?All experiments reproducible from this code. (Update 10/2022: The paper was accepted to EMNLP 2022.)

    02/2022: I am co-organizing two workshops at ACL 2022: Repl4NLP (CFP) andSpa-NLP (CFP).

    10/2021: Our new preprint, MetaICL: Learning to Learn In Context is out (w/ code). Check out the demo! (Update 04/2022: The paper was accepted to NAACL 2022.)

    08/2021: Our new preprint, Noisy Channel Language Model Prompting for Few-Shot Text Classification is out w/ code! (Update 02/2022: The paper was accepted to ACL 2022.)

    07/2021: Our new preprint, FaVIQ: FAct Verification from Information-seeking Questions is out! Visit FaVIQ website to download data and see samples. (Update 02/2022: The paper was accepted to ACL 2022.)

    07/2021: I am co-organizing The 2nd Workshop on Unstructured/Structured KBs, hosted at AKBC 2021.

    06/2021: I co-taught the NAACL-HLT tutorial on Beyond Paragraphs: NLP for Long Sequences.

    04/2021: Our new preprint, Joint Passage Ranking for Diverse Multi-Answer Retrievalis out! This is done as part of my internship at Google. (Update 08/2021: The paper was accepted to EMNLP.)

    01/2021: We, the NeurIPS 2020 EfficientQA organizers, together with participants, wrote NeurIPS 2020 EfficientQA Competition: Systems, Analyses and Lessons Learned. The video of the NeuIPS event is also available here. (Update 05/2021: The paper was accepted to PMLR.)

    12/2020: I am co-organizing The 3rd Workshop on Machine Reading for Question Answering, hosted at EMNLP 2021. Stay tuned for Call for papers!

    09/2020: I made an Open-domain QA Demo using DPR. Give it a try!

    06/2020: I am co-organizing Competition on Efficient Open-Domain Question Answering, hosted at NeurIPS 2020. [leaderboard]

    06/2020: I am co-organizing Workshop on Unstructured/Structured KBs, hosted at AKBC 2020.

    04/2020: Our new preprint, AmbigQA: Answering Ambiguous Open-domain Questionsis out! Visit AmbigQA website to download data and see samples.

    04/2020: Our new preprint, Dense Passage Retrieval for Open-domain Question Answeringis out (w/ code)!

    Kristoffer Carlsson

    Software engineer, Julia Computing

    Kristoffer Carlsson

    SIMD and SIMD-intrinsics in Julia

    Short guide on SIMD and how to call (SIMD) intrinsics in the Julia programming language.

    CONTINUE READING

    Case study: Improving performance of a code written in Matlab style

    Analysis and optimization of a small code snippet posted on the Julia discourse mailing list.

    CONTINUE READING

    Here are some of the open source projects I have created or been involved with:

    • Pkg.jl – Julia’s package manager.
    • NearestNeighbors.jl – High performance nearest neighbor data structures and algorithms.
    • Tensors.jl – Efficient computations with symmetric and non-symmetric tensors with support for automatic differentiation.
    • OhMyREPL.jl – Syntax highlighting and other enhancements for the Julia REPL.
    • Crayons.jl – Colored and styled strings for terminals.
    • PGFPlotsX.jl – Seamlessly create plots in Julia using the PGFPlots LaTeX package.
    • Pardiso.jl – Calling the PARDISO sparse solver library.
    • Tokenize.jl –Tokenization for Julia source code.
    • TimerOutputs.jl – Formatted output of timed sections.
    • BlockArrays.jl – Interface for blocked arrays.
    • Distances.jl – A Julia package for evaluating distances(metrics) between vectors.
    • NLsolve.jl – Julia solvers for systems of nonlinear equations and mixed complementarity problems
    • MMA.jl – The ā€œMethod of Moving Asymptotesā€-algorithm. (old package)

    Danielle Navarro

    Hi there! I’m Danielle Navarro. I’m adata scientist,generative artist, and a recovering academic living in Sydney with my two kids and a Netflix subscription. Once upon a time I was a mathematical psychologist. After that I was developer advocate and occasional software engineer. I’ve sometimes been accused of being a statistician.

    @djnavarro profile

    djnavarro Danielle Navarro

    Data scientist. Former academic. Occasional generative artist

    233 repositories1.1k followers

    Contact details, social media, etc

    Notes from a data witch

    A blog by Danielle Navarro

    Hi there! I’m Danielle Navarro.

    A blog by Danielle Navarro

    Yihui Xie

    Hi there! I’m Yihui Xie. I’m a Freelancer (open source programmer, contractor, blogger, and writer)

    I’m currently a freelancer, and was a software engineer at Posit Software, PBC (2013-2023). I earned my PhD from the Department of Statistics, Iowa State University. My thesis was DynamicGraphics and Reporting for Statistics, advised by Di Cook and Heike Hofmann. I have developed a series of R packages either seriously or forfun (or both), such aslitedown, knitr, animation,bookdown,blogdown,pagedown,xaringan, and tinytex. I founded a Chinese website called ā€œCapital of Statisticsā€ in 2006, which has grown into a large online community on statistics. I initiated the China R conference in 2008. I’m a big fan ofGitHub, LyX andPandoc. I used to hate IE but no longer care since it has almost died. I fall asleep when I see beamer slides, and I yell at people who use \textbf to write \title. I know I cannot eat code, so I cook almost every day to stay away from my computer for two hours.

    Author: Yihui Xie
    I was introduced to this Author by this Mastodon post -hachyderm.io/@djnavarro/113477662963181887
    by the Authorhachyderm.io/@djnavarro

    @djnavarro profile

    yihui Yihui Xie

    89 repositories9.6k followers

    2018

  • 2018-07-30 Solving Statistical Computing Problems with SQL
  • Prof Richard Xu

    Hi there! I’m Prof Richard Xu. I’m a

    @roboticcam profile

    roboticcam Prof Richard Xu å¾äŗ¦č¾¾ę•™ęŽˆ

    I am a Professor at the Department of Mathematics, Hong Kong Baptist University (HKBU) é¦™ęøÆęµøä¼šå¤§å­¦ę•°å­¦ē³»ę•™ęŽˆ

    13 repositories5.1k followers

    machine-learning-notesPublic

    My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (2000+ slides) ęˆ‘äøé—“ę–­ę›“ę–°ēš„ęœŗå™Øå­¦ä¹ ļ¼Œę¦‚ēŽ‡ęØ”åž‹å’Œę·±åŗ¦å­¦ä¹ ēš„č®²ä¹‰(2000+锵)å’Œč§†é¢‘é“¾ęŽ„

    8.5k1.7k

    Jupyter Notebook

    Course on Foundational Mathematics in Machine Learning ęœŗå™Øå­¦ä¹ åŸŗē”€ę•°å­¦čÆ¾ēØ‹

    Course on Intemediate Mathematics in Machine Learning ęœŗå™Øå­¦ä¹ äø­ēŗ§ę•°å­¦čÆ¾ēØ‹

    Sinovation DeeCamp åˆ›ę–°å·„åœŗDeeCAMP讲义

    Deep Learning Research Topics 深度学习研究

    Optimization Method ä¼˜åŒ–ę–¹ę³•

    Deep Learning Basics ę·±åŗ¦å­¦ä¹ åŸŗē”€

    Restricted Boltzmann Machine

    3D Geometry Computer vision 3Då‡ ä½•č®”ē®—ęœŗč§†č§‰

    Reinforcement Learning å¼ŗåŒ–å­¦ä¹ 

    Natural Language Processing 自然语言处理

    Data Science PowerPoint and Source Code ę•°ę®ē§‘å­¦ PowerPoint å’Œęŗä»£ē 

    Probabilistic Model ę¦‚ēŽ‡ęØ”åž‹čÆ¾ä»¶

    Monte-Carlo Inference č’™ē‰¹å”ę“›ęŽØē†

    Advanced Probabilistic Model é«˜ēŗ§ę¦‚ēŽ‡ęØ”åž‹čÆ¾ä»¶

    Alexander Fischer

    Hi there! I’m Alexander Fischer.

    a@roboticcam profile

    juanitorduz Juan Orduz

    Mathematician & Data Scientist

    34 repositories577 followers

    follows

    @roboticcam profile

    s3alfisc Alexander Fischer

    Data Scientist @trivago

    43 repositories81 followers

    Ross Wightman

    Hi there! I’m Ross Wightman.

    Computer Vision @huggingface. Always learning, constantly curious. Building ML/AI systems, watching loss curves.

    @roboticcam profile

    rwightman Ross Wightman

    Computer Vision @huggingface. Always learning, constantly curious. Building ML/AI systems, watching loss curves.

    74 repositories6.7k followers

    Miles Cranmer

    Hi there! I’m Miles Cranmer.

    @roboticcam profile

    milescranmer Miles Cranmer

    253 repositories1.6k followers

    Overview of commits/PRs from Mar 1, 2025 to Mar 31, 2025

    fix: comparison operator parsing#845

    Here are the details of a specific commit from the PySR repository:

    Pull Request Test Coverage Report given in #845

    Changed Files:

    Overview of commits/PRs from Mar 1, 2025 to Mar 31, 2025

    Create benchmark suite#1084

    Here are the details of a specific commit from the JuliaNLSolvers/Optim.jl repository:

    Pull Request Test Coverage Report given in #1084

    This creates a simple benchmark for catching performance regressions on small, tightly controlled problems. To kick things off I added the multivariate first-order optimizers includingAdam,AdaMax,BFGS,LBFGS,NGMRES,ConjugateGradient,GradientDescent, and MomentumGradientDescent.

    I also add a GitHub action to run AirspeedVelocity.jl on this benchmark for any new PR. It will automatically print out the performance and load time comparison of master in a GitHub comment on the PR.

    hey, it works :) https://github.com/JuliaNLSolvers/Optim.jl/actions/runs/14055921576/job/39355263452?pr=1138

    Jon Shlens

    Hi there! I’m Jon Shlens.

    @roboticcam profile

    rwightman Ross Wightman

    Computer Vision @huggingface. Always learning, constantly curious. Building ML/AI systems, watching loss curves.

    74 repositories6.7k followers

    Right Arrow
    @roboticcam profile

    rwightman JonShlens

    1 repository86 followers

    Reference: PR - Odd batch_size specific behaviour with nasnet_large on ImageNet validation #2778

    Tutorials

    These tutorials provide a general introduction to topics I find quite interesting but often lack good explanations in textbooks or the online literature.

    Tutorial on Independent Component Analysis

    A complete introduction and discussion of independent component analysis. Builds on previous tutorial on principal component analysis.

    Version 1.0

    Tutorial on Principal Component Analysis

    A full introduction, description, derivation, and discussion of principal component analysis. Concrete examples for intuition building, the mathematical relation to SVD, and new extensions of this algorithm.

    Version 3.02

    A Light Discussion and Derivation of Entropy

    A light discussion of the underlying assumptions behind entropy followed by a rigorous but simple derivation of the formula for entropy.

    Version 1.01

    Notes on Kullback-Leibler Divergence and Likelihood

    An intuitive discussion about where Kullback-Leibler divergence arises and its relationship to likelihood theory.

    Version 1.01

    Notes on Generalized Linear Models of Neurons

    An introduction to the application of GLMs to model neurons and networks of neurons. Brief discussion and derivation of primary equations pertaining to maximum likelihood estimation.

    Version 1.51

    Yixuan Qiu

    Hi there! I’m Yixuan Qiu.

    @djnavarro profile

    djnavarro Danielle Navarro

    Data scientist. Former academic. Occasional generative artist

    233 repositories1.1k followers

    Right Arrow
    @djnavarro profile

    yihui Yihui Xie

    89 repositories9.6k followers

    Reference: Mastodon post - hachyderm.io/@djnavarro/113477662963181887
    @djnavarro profile

    yihui Yihui Xie

    89 repositories9.6k followers

    Right Arrow
    @djnavarro profile

    yixuan Yixuan Qiu

    96 repositories841 followers

    Reference: Yihui Xie's post - Solving Statistical Computing Problems with SQL - Yihui Xie | č°¢ē›Šč¾‰

    Steven G. Johnson

    Hi there! I’m Steven G. Johnson.

    @djnavarro profile

    stevengj Steven G. Johnson

    Professor of Applied Mathematics and Physics

    152 repositories1.3k followers

    Overview of commits/PRs from Feb 1, 2025 to Feb 28, 2025

    document/export chebvandermonde#24

    Here are the details of the commit for this JuliaMath/FastChebInterp.jl repository:

    https://discourse.julialang.org/t/multivariate-polynomial-regression-of-discrete-data-in-l-infinity-norm/125369/7?u=stevengj

    https://gitlab.com/nsajko/FindMinimaxPolynomial.jl

    https://xn--2-umb.com/22/approximation/

    Overview of commits/PRs from July 1, 2023 to July 31, 2023

    Random.randcycle(1) should throw?#50479

    I found another paper on Sattolo's algorithm that defines cyclic permutations in a different way, which allows the identity permutation only for n=1:

    AutoModel class for image-text-to-text models#32042

    Thomas Stringer

    Hi there! I’m Thomas Stringer.

    Call for maintainers! #148.

    Who should be a maintainer? Somebody with GitHub Actions experience, or the desire to obtain that experience. Also a maintainer should be a modern code craftsperson that is passionate about shipping production-quality software. This GitHub Action can be part of important build and deployment pipelines. Not to mention, it is likely running inside many existing users' environments in their runners. It is important that changes are well-tested, and are the right thing for our users.

    Manual Approval in a GitHub Actions Workflow
    Posted: March 28, 2022
    Updated: March 28, 2022
    Visit the full article here

    Visit the full article: Manual Approval in a GitHub Actions Workflow | Posts Ā· 28/3/2022 Ā· 4 minutes

    Open an issue on the trstringer/manual-approval repository

    Martin Evans

    Hi there! I’m Martin Evans.

    http://martindevans.me

    LLamaSharp

    LLamaSharp is a C# wrapper around llama.cpp. This is not my project alone, but I became one of the lead maintainers last year and I've continued working on it this year.

    In 2024 my major contribution to LLamaSharp was the development of the BatchedExecutor which is an entirely new low-level abstraction around language models. The BatchedExecutor is designed to expose all of the power of llama.cpp in a safe way, for example multiple parallel sequences evaluated all together in one batch is as simple as:

    Sequences can be easily saved and loaded, forked into 2 sequences with the same prefix (which internally share the same space in memory), the KV cache can be accessed and manipulated (e.g. to implement context shifting), sequences can even be prompted with embeddings directly which allows things like LLava.

    My long term goal for 2025 is to rewrite many of the higher level parts of LLamaSharp to operate on top of the BatchedExecutor, this will reduce the overall complexity of the project by implementing it all in one place and should offer more power to advanced users since they can always build on top of BatchedExecutor instead of using the low level llama.cpp primitives.

    Martin Evans

    Hi there! I’m Martin Evans.

    Martin Evans (https://github.com/martindevans) starred a repository on 5/4/25
    https://github.com/MerlinVR/UdonSharp (C#) 706 STARS

    Contributor Rankings

    @roboticcam profile

    momo-the-monster Momo the Monster

    80 repositories50 followers

    Followings of Momo the Monster(momo-the-monster) on GitHub

    Followings of Jeremy Cowles (jcowles) on GitHub

    @roboticcam profile

    pixeljetstream Christoph Kubisch

  • NVIDIA
  • 16 repositories89 followers

    Visit the full article: Life of a triangle - NVIDIA's logical pipeline | Posts Ā· 6/02/2016

    Further reading

    Next to the white papers mentioned at the beginning, the article series"A trip through the graphics-pipeline"by Fabian Giesen is worth a read and there is also aquite in-depth talk

    Visit the Blog: The ryg blog (When I grow up I'll be an inventor)

    Martin Evans (https://github.com/martindevans) starred a repository on 5/4/25
    https://github.com/nietras/Llm.cs (C#) 49 STARS

    CƩdric Luthi

    Hi there! I’m CĆ©dric Luthi.

    @0xced@hachyderm.io

    Philipp Wagner (https://github.com/bytefish) followed CƩdric Luthi (https://github.com/0xced) on 25/1/25.

    Visit the @0xced/114309797988146204 post page on Hachyderm, which references the relevant issue on GitHubServiceBusAdministrationClient support #17. The posted date is 10/4/25.

    In the discussion onGitHub Link - https://github.com/Azure/azure-service-bus-emulator-installer/issues/17#issuecomment-2790842139, a user expressed difficulties encountered while attempting to install and run the Azure Service Bus Emulator. They reported persistent errors that persisted despite following the provided installation instructions. The community responded with suggestions to verify system requirements and permissions, encouraging further dialogue to troubleshoot and resolve these issues collaboratively.

    GitHub - 0xced/Chisel: Remove Unwanted Dependencies from Your .NET Projects

    Remove Unwanted Dependencies from Your .NET Projects - 0xced/Chisel
    Visit the 0xced/Chisel page on Hachyderm

    Mark Heath

    Hi there! I’m Mark Heath.

    GitHub - markheath/azure-functions-links: Useful Links for Azure Functions

    Useful Links for Azure Functions - markheath/azure-functions-links
    Visit the Azure Functions Links GitHub Repository
    azure-functions-links Public

    Useful links for Azure Functions.

    21436

    Danilo Poccia

    Hi there! I’m Danilo Poccia.

    GitHub - danilop/AWS_Lambda_in_Action: This source code distribution is a companion to the AWS Lambda in Action book available from Manning Publications.

    https://www.manning.com/books/aws-lambda-in-action
    Visit the AWS_Lambda_in_Action GitHub Repository
    AWS_Lambda_in_Action Public

    This source code distribution is a companion to the AWS Lambda in Action book available from Manning Publications.

    287122

    JavaScript

    New – A Shared File System for Your Lambda Functions

    https://aws.amazon.com/blogs/aws/new-a-shared-file-system-for-your-lambda-functions/

    by Danilo Poccia on 16 JUN 2020 in Amazon Elastic File System (EFS), Announcements, AWS Lambda, Compute, Launch, News, Serverless, Storage

    Visit the New – A Shared File System for Your Lambda Functions Blog Post

    Fei Peng

    Hi there! I’m Fei Peng.

    Hardware Intrinsic in .NET Core 3.0 - Introduction

    https://fiigii.com/2019/03/03/Hardware-intrinsic-in-NET-Core-3-0-Introduction/

    by Fei Peng on 2019-03-03 in .NET Core, SIMD, x86

    Visit the Hardware Intrinsic in .NET Core 3.0 - Introduction Documentation

    API Proposal: Add Intel Hardware Intrinsic Functions and Namespace #23057

    https://github.com/dotnet/runtime/issues/23057

    Repository: github.com/dotnet/runtime

    Visit the GitHub Issue for API Proposal: Add Intel Hardware Intrinsic Functions and Namespace
    PacketTracer Public

    The SIMD-accelereted ray tracing in C# powered by Intel hardware intrinsic of .NET Core.

    1139

    C#

    Timur Iskhakov

    Hi there! I’m Timur Iskhakov.

    On April 20, 2025, a Reddit user shared their excitement about completing their first significant AI project in C#, which utilized ONNX (Open Neural Network Exchange). They expressed how impressed they were by the capabilities of the ONNX framework, highlighting its ability to streamline model training and deployment across various platforms. The post detailed their journey through the project, including the challenges they faced and the solutions they discovered. The author encouraged others in the community to explore ONNX for their own AI endeavors, noting its versatility and the positive impact it had on their workflow. The enthusiasm radiating from their experience resonated with fellow enthusiasts, sparking discussions and sharing of similar projects.Link to the post - Posted on 20/4/25.

    https://www.reddit.com/r/csharp/comments/1k37gj7/my_first_big_ai_project_in_c_onnx_blown_away_by/

    My biggest tip is to do as much as possible on the GPU—I use ILGPU to do this, but you could also use something like compute shaders in Silk.NET, OpenTK, or ComputeSharp. — nullandkale, posted on 21/4/25

    I searched in Microsoft Bing Browser with the query "ilgpu c#" and found these helpful results:Computing the Convex Hull on GPU andVectorized Computations and SIMD.

    ComputingTheConvexHullOnGpu Public

    Computing the Convex Hull on GPU

    50

    C#

    Philipp Wagner

    Hi there! I’m Philipp Wagner.

    GitHub - bytefish/facerec: Implements face recognition algorithms for MATLAB/GNU Octave and Python.

    Implements face recognition algorithms for MATLAB/GNU Octave and Python

    Advanced Examples: Building your own PredictableModel

    Basically all face recognition algorithms are the combination of a feature extractionand a classifier. The Eigenfaces method for example is a Principal Component Analysis with a Nearest Neighbor classifier. Local Binary Patterns Histograms . The feature (which must be an AbstractFeature) and the classifier (which must be an AbstractClassifier) form a PredictableModel, which does the feature extraction and learns the classifier.

    facerec Public archive

    Implements face recognition algorithms for MATLAB/GNU Octave and Python.

    941472

    Python

    Elasticsearch

    Elasticsearch. The heart of the Elastic Stack

    Elasticsearch is an open source distributed, RESTful search and analytics engine, scalable data store, and vector database capable of addressing a growing number of use cases. As the heart of the Elastic Stack, it centrally stores your data for lightning-fast search, fine‑tuned relevancy, and powerful analytics that scale with ease.

  • ItamarSyn-Hershko

    Hi there! I’m ItamarSyn-Hershko.

  • AndrewLock

    Hi there! I’m AndrewLock.

  • Ivan Cesar

    Hi there! I’m Ivan Cesar.

  • AndrewLock

    Hi there! I’m AndrewLock.

    Writing Logs to Elasticsearch with Fluentd using Serilog in ASP.NET Core

    https://andrewlock.net/writing-logs-to-elasticsearch-with-fluentd-using-serilog-in-asp-net-core/

    Category: ASP.NET Core, DevOps, Logging, Docker

    Published on: June 20, 2018

    Estimated Reading Time: ~7 min read

    Visit the full article: Writing Logs to Elasticsearch with Fluentd using Serilog in ASP.NET Core
    serilog-aspnetcore Public

    Serilog integration for ASP.NET Core

    1.3k207

    aspnetcore, serilog, aspnet-core

    Anthony Sneed

    Anthony Sneed

    View the Blog Page

    Visit the full article: Announcing Event Driven .NET – An Event Driven Microservices Platform for .NET | Posted on March 21, 2022 by Tony Sneed

    Why I added this Repository/Article/Blog/PR?

    https://blog.tonysneed.com/2020/06/25/event-stream-processing-micro-framework-apache-kafka/

    Ivan Cesar

    Hi there! I’m Ivan Cesar.

    An Elasticsearch Tutorial for .NET Developers

    https://www.toptal.com/dot-net/elasticsearch-dot-net-developers

    Category: Elasticsearch, .NET, Tutorial

    Published on: 8 September 2017

    Author: Ivan Cesar

    Visit the full article: An Elasticsearch Tutorial for .NET Developers
    elastic-net-example Public

    This is an example of how Elastic Search can be integrated easily with .NET application. Feel free to fork/comment if you like.

    4934

    C#

    ItamarSyn-Hershko

    Hi there! I’m ItamarSyn-Hershko.

    Securing Elasticsearch Clusters

    A number of articles have been written over the past few days documenting the various methods of securing Elasticsearch, most notably of which is this piece by Itamar Dyn-Hershko. For all our readers using Elasticsearch — especially those who are using it in production — who are not necessarily aware of the various pitfalls that need to be taken into consideration, we’ve summed up some of the methods that we recommend employing.

    Anshuman Mishra

    Anshuman Mishra

    GDE; Google Summer of Code'23 @tensorflow; Contributor @keras-team;

    Medium

    Anshuman Mishra (@mishradotexe)

    I wrote Qwen 2.5 from scratch. Works with JAX, PyTorch and Tensorflow. This marks my return to open source after an year.

    View the Tweet
    PR mentioned in the tweet: Add Qwen 2.5 by shivance Ā· Pull Request #2088 Ā· keras-team/keras-hub Ā· GitHub

    Commit: checkpoint conversion wip

    New File Added: tools/checkpoint_conversion/convert_qwen_checkpoints.py

    View Commit

    Now, see another PR by the same Keras Team: SIMILAR TASK

    Overview of commits/PRs from Sep 1, 2024 to Sep 30, 2024

    add weights and conversion script for mobilenet#1875

    Here are the details of a specific PR from the keras-team/keras-hub repository:

    Yoshifumi Kawai

    Yoshifumi Kawai

    ZLinq Public

    Zero allocation LINQ with Span and LINQ to SIMD, LINQ to Tree (FileSystem, Json, GameObject, etc.) for all .NET platforms and Unity.

    1.4k108

    c-sharp, linq, unity

    Sam Grey Danus

    Sam Grey Danus

    Windscape AI and Greenfield Properties. Previously @google Brain, @dartmouth College
    https://greydanus.github.io/about_me/
    @samgreydanus

    Sam Grey Danus (https://github.com/greydanus) starred 2 repositories on 02/4/25
    https://github.com/zwimpee/cursivetransformer (Jupyter Notebook) 3 Stars
    https://github.com/zwimpee2/cursivetransformer (Jupyter Notebook) 1 Star

    Both repositories, https://github.com/zwimpee/cursivetransformer and https://github.com/zwimpee2/cursivetransformer, focus on training a transformer model to generate cursive, with progress updates noted in their respective README files (February 12, 2025, and August 13, 2025).

    ABP

    Hi there! I’m ABP.ABP

    ABP offers an opinionated architecture to build enterprise software solutions with best practices on top of the .NET and the ASP.NET Core platforms.

    abp Public

    Open-source web application framework for ASP.NET Core! Offers an opinionated architecture to build enterprise software solutions with best practices on top of the .NET. Provides the fundamental ...

    13.3k3.5k

    aspnetcore, serilog, aspnet-core

    Alexandre Mutel (https://github.com/xoofx) starred a repository on 25/3/25
    abpframework/abp (C#) 13.3k STARS

    ABP offers an opinionated architecture to build enterprise software solutions with best practices on top of the .NET and the ASP.NET Core platforms. It provides the fundamental infrastructure, production-ready startup templates, pre-built application modules, UI themes, tooling, guides and documentation to implement that architecture properly and automate the details and repetitive works as much as possible.

    OpenTelemetry - CNCF

    Hi there! I’m OpenTelemetry - CNCF.

    OpenTelemetry makes robust, portable telemetry a built-in feature of cloud-native software.
    OpenTelemetry Collector Public

    OpenTelemetry Collector

    opentelemetry.io

    5k1.6k

    Go

  • MartinDotNet

    Hi there! I’m MartinDotNet.

  • Safia Abdalla

    Hi there! I’m Safia Abdalla.

    Overview of commits/PRs from Oct 1, 2024 to Oct 31, 2024

    Implement the Mvc PushFileStreamResult API#58161

    CaptainSafia Review

    Reviewed on: December 17, 2024

    Check out the GitHub Profile of CaptainSafia on GitHub.

    Here are the details of a specific commit from the dotnet/aspnetcore repository:

    Roger Koenker

    Hi there! I’m Roger Koenker.

    How to Run Regression on Large Datasets in R

    October 2, 2011 | Programming, R, Statistics

    Visit the original article on Statr.me(https://statr.me/2011/10/large-regression/).

    Xiao Nan yixuanq 12 years ago: Yup. There's more. Prof. Roger Koenker once combined MySQL with his qr: Link. There's barely few experiments on the cluster & classification's hpc topic. I think the algorithms are just naturally inefficient or too complicated to reimplement.

    Statistical Analysis of Large Datasets - An Exploration of R - MySQL Interface:Visit the link by Roger Koenker, University of Illinois, and Ɓlvaro A. Novo, University of Illinois. Topics include Least Squares and Quantile Regression.

    Visit the R Vinaigrettes Page - contains

    Conformal Quantile Regression pdf

    Overview of commits/PRs from Jan 1, 2025 to Jan 31, 2025
    Backend URL Link https://github.com/ChrisRackauckas?tab=overview&from=2025-01-01&to=2025-01-31

    Test Master#1159

    ChrisRackauckas

    Here are the details of a specific commit from the SciML/SciMLSensitivity.jl repository:

    Avik Pal

    DataLoader from MLUtils https://lux.csail.mit.edu/stable/tutorials/intermediate/1_NeuralODE#Loading-MNIST

    Yunjey Choi

    Yunjey Choi

    https://github.com/yunjey/pytorch-tutorial

    Vincent D. Warmerdam

    Vincent D. Warmerdam

    Visit the The factorio benchmark blog posted on Date 2025/03/10

    This page has all the details of the work, which include:

    • A Python library that can interact with the game, which is the main entrypoint for the agents that compete in tasks.
    • A leaderboard with the results of the agents that have competed so far (Claude seems the winner, but the fact that one of the authors is from Anthropic might help there).

    https://github.com/JackHopkins/factorio-learning-environment

    Why I added this Repository/Article/Blog/PR?

    BenoƮt Legat

    BenoƮt Legat

    Practical 1 – Linear regressions | BenoĆ®t Legat | Written by: Jean Bouchat

    Recommended for you:
    jump-dev/MathOptInterface.jl (https://github.com/jump-dev/MathOptInterface.jl) is a data structure for mathematical optimization problems in Julia.
    MathOptInterface.jl (Julia) 434 Stars
    Contributors:View Contributors

    BenoƮt Legat

    BenoƮt Legat

    The Applications of Mathematical Optimisation, Mixed-integer Linear Programming

    Course given at the Cambridge Centre for International Research

    https://blegat.github.io/teaching/

    https://blegat.github.io/ccir/practical1/

    Recommended for you:
    jump-dev/MathOptInterface.jl (https://github.com/jump-dev/MathOptInterface.jl) is a data structure for mathematical optimization problems in Julia.
    MathOptInterface.jl (Julia) 434 Stars
    Contributors:View Contributors

    Andriy Burkov

    Hi there! I’m Andriy Burkov.

    Andriy Burkov (https://github.com/aburkov) starred a repository on 03/4/25
    https://github.com/erikbern/ann-benchmarks (Python) 5.2k Stars

    Benchmarks of approximate nearest neighbor libraries in Python

    ann-benchmarks.com

    Why I added this Repository/Article/Blog/PR?

    pgvector Module (Python)

    """
    This module supports connecting to a PostgreSQL instance and performing vector
    indexing and search using the pgvector extension. The default behavior uses
    the "ann" value of PostgreSQL user name, password, and database name, as well
    as the default host and port values of the psycopg driver.
    """
              

    Dockerfile Configuration

    RUN service postgresql start && \
        psql -c "CREATE USER ann WITH ENCRYPTED PASSWORD 'ann'" && \
        psql -c "CREATE DATABASE ann" && \
        psql -c "GRANT ALL PRIVILEGES ON DATABASE ann TO ann" && \
        psql -d ann -c "GRANT ALL ON SCHEMA public TO ann" && \
        psql -d ann -c "CREATE EXTENSION vector" && \
        psql -c "ALTER USER ann SET maintenance_work_mem = '4GB'" && \
        psql -c "ALTER USER ann SET max_parallel_maintenance_workers = 0" && \
        psql -c "ALTER SYSTEM SET shared_buffers = '4GB'"
    
    USER root
              

    Simon Willison

    Hi there! I’m Simon Willison.

    Simon Willison(https://github.com/simonw) contributed to a repository on 14/5/25
    taketwo/llm-ollama (Python) 292 STARS

    Followings of Sergey Alexandrov(taketwo) on GitHub

    Followings of Konrad Rudolph(klmr) on GitHub

    Followings of Paolo Di Tommaso(pditommaso) on GitHub

    Stephen Turner

    Hi there! I’m Stephen Turner.

    Visit the full article: DuckDB vs dplyr vs base R | Posts Ā· 7/10/2024

    Simon Willison(https://github.com/simonw) starred a repository on 3/5/25
    skyzh/tiny-llm (Python, C++) 1.8k STARS

    Simon Willison(https://github.com/simonw) starred a repository on 25/4/25
    antirez/hnstyle (Python) 40 STARS

    This repository contains the code used in the following blog post and YouTube videos:

    Now, we are ready to insert the word into a Redis vector set, using the command: VADD key FP32 [blob with 350 floats] username. The details of vector sets are not covered here, but you can find the documentation here. For additional information regarding Redis, you may also check out this: Visit the full article: Reproducing Hacker News writing style fingerprinting Date: 16/4/25.

    Simon Willison(https://github.com/simonw) starred a repository on 14/4/25
    invisal/sqlite-internal (JavaScript, TypeScript) 260 STARS

    https://github.com/querymx/querym

    Why I added this Repository/Article/Blog/PR?

    Ahmet Alp Balkan

    Ahmet Alp Balkan.

    Ahmet Alp Balkan(https://github.com/ahmetb) followed Anish Athalye (https://github.com/anishathalye) on 5/4/25

    Ahmet Alp Balkan(https://github.com/ahmetb) starred a repository on 5/4/25
    anishathalye/porcupine (Go) 1k STARS

    Anish Athalye

    Anish Athalye.

    Ahmet Alp Balkan(https://github.com/ahmetb) followed Anish Athalye (https://github.com/anishathalye) on 5/4/25

    Ahmet Alp Balkan(https://github.com/ahmetb) starred a repository on 5/4/25
    anishathalye/porcupine (Go) 1k STARS

    Oriol Nieto

    Oriol Nieto.

    Realcat Vincentqyw(https://github.com/Vincentqyw) starred a repository on 7/5/25
    huggingface/nanoVLM (Jupyter Notebook 79.9%, Python 20.1%) 961 STARS

    Contributor Rankings

    @roboticcam profile

    andimarafioti AndrƩs Marafioti

    Machine Learning Research Engineer at Hugging Face.

    51 repositories236 followers

    follows

    @roboticcam profile

    andimarafioti Oriol Nieto

    Senior Research Engineer at Adobe Research. Doctor in music data science (Doctoriol). Oaklander born in Barcelona. He/they.

    52 repositories226 followers

    Visit the full article: Tutorial - Deep XOR | Posts Ā· 26/2/2017 Ā· 1 minute

    Conrad Ludgate

    Conrad Ludgate.

    Visit the full article: Postgres | Posts Ā· 5/11/2023

    Why I added this Repository/Article/Blog/PR?

    I've always run the basic postgres docker image with no backups or replicas configured. Since I have a new cluster now, I thought I should try something new. I recently read aboutCloudNative PG on HN so I decided to look into it. It got high praise from the replies, which is quite remarkable for HN.

    It seems to have all the features I would want from a 'managed' postgres:

    • Managed backups
    • Easily create a new database
    • Manage secrets

    Xuan-Son Nguyen

    Xuan-Son Nguyen

    Realcat Vincentqyw(https://github.com/Vincentqyw) starred a repository on 13/5/25
    ngxson/smolvlm-realtime-webcam (HTML) 3.2k STARS

    Visit the full article: Easier to Understand: Natural Language Processing | Posts Ā· 10/2/2024 Ā· 5 minutes

    Why I added this Repository/Article/Blog/PR?

    In fact, convolution neural networks work quite well with images, because in the worst case, you can cut the image to a certain size. For example, creating a model to recognize handwritten digits (MNIST dataset) is one of the very typical and easy-to-experiment exercises for newcomers to machine learning.

    Guillaume Guy

    Guillaume Guy

    Overview of commits/PRs from Apr 1, 2025 to Apr 30, 2025

    Initial work on adding local-dir: schema for model & tokenizer loading from local folder#1069

    Here are the details of a specific commit from the mlfoundations/open_clip repository:

    FYI: Looks good to me anecdotally:

    Visit the full article: Don't use raw embeddings | Posts Ā· 16/4/2025 Ā· 3 minute

    Why I added this Repository/Article/Blog/PR?

    However, embeddings are still quite large. OpenAI's text-embedding-3-large can reach up to d=3072, which means 6kB (stored as float32) per entity. From experience, this is enough to overwhelm SQL engines when performing large JOINs, as this data needs to be sent across the network for a distributed JOIN.

    Anton Zhiyanov

    Hi there! I’m Anton Zhiyanov.

    Visit the full article: SQL join flavors | Posts Ā· 20/6/20203 Ā· 5 minutes
    • codapi — Interactive code examples for all types of technical writing.
    • redka — Redis re-implemented with SQLite.
    • sqlean — SQLite extensions.

    Michael Tarlton

    Hi there! I’m Michael Tarlton.

    Just re-illustrating the example from the Russell book Chapter 21. Note how the unit ā€œnumbersā€ have changed. Give it a shot if you have literally nothing else to do. There is a reason we make computers do this.

    Visit the Wikipedia Page: Artificial Intelligence: A Modern Approach | Written by Stuart J. Russell and Peter Norvig

    AIMA has been called "the most popular artificial intelligence textbook in the world",[2] and is considered the standard text in the field of AI.[3][4] As of 2023, it was being used at over 1500 universities worldwide,[5] and it has over 59,000 citations on Google Scholar.[6]

    Product Image
    llama Public

    llama -- A CLI for outsourcing computation to AWS Lambda.

    59524

    Go

    Overview of commits/PRs from Jul 1, 2018 to Jul 31, 2018
    Backend URL Link https://github.com/mrocklin?tab=overview&from=2018-07-01&to=2018-07-31

    Serialization of data within a tensor is slow #9168

    mrocklin

    Here are the details of a specific PR from the pytorch/pytorch repository:

    Contributor Rankings

    Asankhaya Sharma

    Asankhaya Sharma

    Asankhaya Sharma(https://github.com/codelion)
    codelion launched their sponsorship page šŸ’– Asankhaya Sharma codelion on 10/6/25

    Asankhaya Sharma(https://github.com/codelion) Trending repositories on 23/5/25
    codelion/openevolve (Python) 2.3k STARS

    Max Liani

    Max Liani

    Followings of @h3r2tic on X

    Followings of @Jiayin_Cao on X

    Raytracing Director at Nvidia. Previously: Tech Lead for RenderMan at Pixar, Architect of Glimpse Renderer at Animal Logic Views are my own.
    Visit the full article: DNND 1: a Deep Neural Network Dive | Posts Ā· 27/3/2023 Ā· Software Development Ā· 5 minutes

    Anthony Shaw(@tonybaloney)

    Anthony Shaw(@tonybaloney)

    Anthony Shaw(https://github.com/tonybaloney) contributed to
    Azure-Samples/eShopLite on 31/5/25

    Anthony Shaw(https://github.com/tonybaloney) contributed to
    langchain-ai/langchain-azure - langchain-ai/langchain-azure/pull/99 on 10/6/25

    Overview of commits/PRs from Jun 1, 2025 to Jun 30, 2025

    Replace MD5 with SHA256 for cache index entry keys and names#99

    Here are the details of a specific PR from the langchain-ai/langchain-azure repository:

    Why I added this Repository/Article/Blog/PR?

    MD5 and SHA1 should never be used for cache keys because there is a chance of collisions.

    The implication here is that the in-process cache dictionary will use different cache keys, but that doesn't matter since it's stored in memory and you need to restart to run this update.

    Adam Sitnik(@adamsitnik)

    Adam Sitnik(@adamsitnik)

    Open Source contributor, #BenchmarkDotNet maintainer. My job on .NET Team is to make the .NET the fastest developer platform on the planet.
    Visit the full article: Span | Posts Ā· 13/7/2017 Ā· Span<T> Ā· 5 minutes

    Jimmy Lefevre(@JimmyLefevre)

    Jimmy Lefevre(@JimmyLefevre)

    Jimmy Lefevre - LinkedIn

    Passionate about technology, I am particularly committed to training myself and understanding new development best practices. From web to software, including mobile applications and IoT, I put my skills to the service of innovation, but also of transmission by giving courses at CESI in Dijon, Lille, and Nancy, and by sharing my knowledge with my colleagues whenever possible.

    Alexandre Mutel (https://github.com/xoofx) starred a repository on 20/6/25
    JimmyLefevre/kb (C) 275 STARS

    kb Public

    kb single-header C/C++ libraries.

    2791

    C

    Why I added this Repository/Article/Blog/PR?

    kb_text_shape.h

    kb_text_shape.h provides ICU-like text segmentation (i.e. breaking Unicode text by direction, line, word and grapheme). It also provides Harfbuzz-like text shaping for OpenType fonts, which means it is capable of handling complex script layout and ligatures, among other things.

    Shay Rojansky(@roji)

    Shay Rojansky(@roji)

    Wes Doyle(@wesdoyle) (https://github.com/wesdoyle) followed a GitHub user on 4/1/24
    roji

    Accordion

    Shay Rojansky

    Microsoft software engineer working on .NET data access and perf, member of the Entity Framework team. Lead dev of Npgsql, the PostgreSQL provider.

    Shay Rojansky

    Shay Rojansky

    Microsoft software engineer working on .NET data access and perf, member of the Entity Framework team. Lead dev of Npgsql, the PostgreSQL provider.

    Query parameters, batching and SQL rewriting

    7 minute read

    When "UTC everywhere" isn't enough In the upcoming version 6.0 of the Npgsql PostgreSQL driver for .NET, we implemented what I think of as "raw mode" (#3852). In a nutshell, this means that you can now use Npgsql without it doing anything to the SQL you provide it - it will simply send your queries as-is to PostgreSQL, without parsing or rewriting them in any way

    Tags: Microsoft software engineer working on .NET data access and perf, member of the Entity Framework team. Lead dev of Npgsql, the PostgreSQL provider.

    DB

    DB.

  • SQL Join

    SQL Join.

  • Alex Chi Z.

    Alex Chi Z.

    Visit the full article: Delta Join in the Streaming Engine based on a shared state index | Posts Ā· 29/15/2022 Ā· 10 minutes

  • Conrad Ludgate

    Conrad Ludgate.

    Visit the full article: Postgres | Posts Ā· 5/11/2023
  • Stephen Turner

    Hi there! I’m Stephen Turner.

    Visit the full article: DuckDB vs dplyr vs base R | Posts Ā· 7/10/2024
  • Stephen Turner

    Hi there! I’m Stephen Turner.

    Visit the full article: DuckDB vs dplyr vs base R | Posts Ā· 7/10/2024
  • Andriy Burkov

    Hi there! I’m Andriy Burkov.

    Benchmarks of approximate nearest neighbor libraries in Python

    ann-benchmarks.com
  • Hrishi Olickel

    Hi there! I’m Hrishi Olickel.

    Visit the full article: Subqueries and CTEs: an example of query optimization in Postgres | Optimization isn't always premature | Posts Ā· 9/10/2020 Ā· 10 minutes
  • Anton Zhiyanov

    Hi there! I’m Anton Zhiyanov.

    Visit the full article: SQL join flavors | Posts Ā· 20/6/20203 Ā· 5 minutes
  • James (@capjamesg)

    Hi there! I’m James (@capjamesg).

    Visit the full article: Building a NoSQL database in Python | Posts Ā· 19/8/2024 Ā· 5 minutes
  • Yan Cui

    Hi there! I’m Yan Cui(theburningmonk).

    Visit the full article: How to perform database migration for a live service with no downtime | Posts Ā· AWS, DynamoDB, Serverless Ā· 12/2023
  • Zongheng Yang (@concretevitamin)

    Hi there! I’m Zongheng Yang (@concretevitamin).

    Visit the full article: SQL Query Optimization Meets Deep Reinforcement Learning | Posts Ā· 18/9/2018
  • Ido Shamun

    Ido Shamun

    Visit the full article: SQL Join vs Subquery: The Game Changer | Posts Ā· 19/11/2020 Ā· 3 minutes
  • Chris Done (@chrisdone)

    Hi there! I’m Chris Done (@chrisdone).

    Visit the full article: Fast pagination on PostgreSQL | Posts Ā· 19/11/2014 Ā· 2 minutes
  • Marlene

    Marlene

    Visit the full article: An Introduction to Ibis for Python Programmers | A More Pythonic Way To Work With Databases | Posts Ā· 14/3/2022 Ā· Python, Databases Ā· 10 minutes
  • Edzer Pebesma

    Edzer Pebesma

    Visit the full article: Setting up large scale OSM environments for R using Osmosis and PostgreSQL with PostGIS | Posts Ā· 14/6/2017 Ā· Databases, geoinformatics, spatial statistics, R. Ā· 5 minutes
  • Will DePue(@0hq)

    Will DePue(@0hq)

    Visit the full news article: The Missing WHERE Clause in Vector Search | Posts Ā· 30/6/2023 Ā· the tiny, least-dumb, speedy vector embedding database Ā· 5 minutes
  • 🚨🚨🚨 image-classification pipeline single-label and multi-label prob type squashing fns (sigmoid vs softmax) are backwards#35848

    What does this PR do?

    Use the proper squashing/activation function to calc probabilities for image-classification pipeline.

    Currently 'sigmoid' is used for models with the single-label problem type. This is not correct.