Graph Machine Learning – Telegram
Graph Machine Learning
6.71K subscribers
53 photos
11 files
808 links
Everything about graph theory, computer science, machine learning, etc.


If you have something worth sharing with the community, reach out @gimmeblues, @chaitjo.

Admins: Sergey Ivanov; Michael Galkin; Chaitanya K. Joshi
Download Telegram
Fresh ICLR’24 Submissions

OpenReview has finally opened all submissions on OpenReview! Here is a fresh batch of papers I found interesting:

Diffusion-based generation:

Plug-And-Play Controllable Graph Generation With Diffusion Models
Sparse Training of Discrete Diffusion Models for Graph Generation
GraphMaker: Can Diffusion Models Generate Large Attributed Graphs?
Graph Generation with Destination-Predicting Diffusion Mixture
DIFUSCO-LNS: Diffusion-Guided Large Neighbourhood Search for Integer Linear Programming
Graph Generation with K2 Trees

Proteins:

EquiPocket: an E(3)-Equivariant Geometric Graph Neural Network for Ligand Binding Site Prediction
DiffDock-Pocket: Diffusion for Pocket-Level Docking with Sidechain Flexibility
DiffSim: Aligning Diffusion Model and Molecular Dynamics Simulation for Accurate Blind Docking
Rigid Protein-Protein Docking via Equivariant Elliptic-Paraboloid Interface Prediction

Crystals and Material Generation:

Space Group Constrained Crystal Generation
Scalable Diffusion for Materials Generation
Hierarchical GFlownet for Crystal Structure Generation
MOFDiff: Coarse-grained Diffusion for Metal-Organic Framework Design

Equivariant nets:

Generalizing Denoising to Non-Equilibrium Structures Improves Equivariant Force Fields
Orbit-Equivariant Graph Neural Networks
E(3) Equivariant Scalar Interaction Network
Rethinking the Benefits of Steerable Features in 3D Equivariant Graph Neural Networks
Clifford Group Equivariant Simplicial Message Passing Networks

Theory, Weisfeiler & Leman go:

G2N2: Weisfeiler and Lehman go grammatical
Attacking Graph Neural Networks with Bit Flips: Weisfeiler and Lehman Go Indifferent
Beyond Weisfeiler-Lehman: A Quantitative Framework for GNN Expressiveness
How Graph Neural Networks Learn: Lessons from Training Dynamics in Function Space

New GNN architectures:

How Powerful are Graph Neural Networks with Random Weights?
Non-backtracking Graph Neural Networks
Neural Priority Queues for Graph Neural Networks (GNNs)

Graph Transformers: too many, too similar 😅
LLMs + Graphs: tons, I'd better stay away 🫠
GraphML News (Oct 14th) - ICLR’24 submissions, more Flow Matching, PyG 2.4

📚 ICLR’24 has finally opened all submissions on OpenReview - we will have the weekend reading! Apart from the papers already available on arxiv and/or rejected from past conferences, one could find new, fresh, and anonymous hidden gems (sometimes even with the implementation in the supplementary). See the first batch of new Graph & Geometric DL papers that haven’t yet appeared on Twitter in the previous post.

🦦 Flow Matching papers continue to conquer the generative world - this week MIT and Microsoft Research released two new works: FlowSite from Hannes Stärk et al on protein-ligand docking and FrameFlow from Jason Yim et al on protein backbone generation. Both models significantly improve over the previous generation of diffusion-based approaches.

⌨️ PyG 2.4 was released this week. The newest version brings the support of torch.compile() to GNNs - compiled GNNs yield up to 300% speed boosts. Previously, compilation of GNNs wouldn’t be that useful on inductive tasks when the graph or a batch of graphs have different shapes, but PyTorch 2.1 makes dynamic shaping more friendly. JAX aficionados might look at this with a humble smile, but guys, the torch community is catching up.

🪐 Polymathic is a new initiative to bring foundation models into the world of complex scientific problems. The announcement release features models for numbers encoding (so LLMs can better work with floats), models for learning physics and dynamical systems, and AstroCLIP for matching galaxy spectra with their images.

Weekend reading:

See the previous post with ICLR’24 submissions
GraphML News (Oct 21st) - Upcoming events, internships, the book on equivariance

Get ready for several upcoming graph learning events! 1️⃣ Stanford Graph Learning workshop will take place on Tuesday, Oct 24th, and its program is now available. I will give a talk introducing our new project (more on that soon) and present a poster - let’s meet if you are there 👋. 2️⃣ On Nov 8th, Molecular ML (MoML) will take place at MIT and its program with talks and posters is now available as well. Seems like the majority of posters at MoML is dedicated to generative models from three families: diffusion, flow matching, and GFlowNets.

A few LoG meetups have been announced as well. 3️⃣ LoG Madrid is planned for Nov 27-29th and accepts submissions until Nov 3rd. The venue is URJC Madrid-Arguelles Campus. 4️⃣ LoG meetup at Mila in Montreal will happen on Dec 1st.

🎓 New internship opportunities were announced from Google Research and from Google DeepMind (those are still two different entities, don’t be confused). The sooner you apply - the better.

📚 Finally, a new 524-page book on Equivariant and Coordinate Independent Convolutional Networks by Maurice Weiler ,  Patrick Forré ,  Erik Verlinde ,  and Max Welling is a monumental work on baking symmetries and equivariances into convnets. If you are fascinated by this topic, have a look at the course on Group Equivariant DL by Erik Bekkers - after a year its importance has only been growing for modern geometric DL models.

Weekend reading: still digesting ICLR submissions
​​ULTRA: Towards Foundation Models for Knowledge Graph Reasoning

by Mikhail Galkin, Xinyu Yuan, Hesham Mostafa, Jian Tang, and Zhaocheng Zhu

arxiv: https://arxiv.org/abs/2310.04562
code: https://github.com/DeepGraphLearning/ULTRA

It’s time to announce our latest work - ULTRA - a pre-trained foundation model for knowledge graph reasoning that works on any graph and outperforms supervised SOTA models on 50+ graphs.

For years, ML on knowledge graphs implied training one model per dataset and those were fixed to a particular set of entities and relations, hence not transferable at all. The key problem: different, often non-overlapping sets of entities and relations (eg, Freebase and Wikidata).

Since graph learning is a question of symmetries and invariances, we pose a question: what is the transferable invariance in seemingly different graphs even with different relations? We find the invariance in relation interactions in the graph of relations!

Even though relations are different, their interactions remain the same - and we model 4 such interactions (edge types) in the graph of relations. Learning those means we can have a single trained model working on any multi-relational graph.

Practically, ULTRA consists of 2 GNNs with the labeling trick (Neural Bellman-Ford nets in our case): given a query (h,r,?),  one produces relational features conditioned on the query relation and interaction graph, the 2nd one uses those for inductive reasoning on the main graph

We pre-train ULTRA on 3 standard KGs (from Freebase, Wordnet, and Wikidata) and evaluate on 50+ other graphs of various sizes. A single ULTRA outperforms supervised SOTA even in the 0-shot regime never seeing those graphs before. Fine-tuning bumps the performance by additional 10%!

Cool fact: it can be shown that ULTRA is a distributionally double-equivariant (to nodes and relations permutations) model - thanks to Bruno Ribeiro for noticing that! Double equivariance is a theoretical framework for inductive reasoning and (probably) is a necessary condition for designing inductive neural nets (arxiv).

We publish the code in the latest PyG 2.4 and PyTorch 2.1 and also release the pre-trained checkpoints so you can run them on your own graphs right away!
1🔥1
GraphML News (Oct 28th) - Stanford Graph Workshop, NeurIPS workshops

The Stanford Graph Learning workshop happened on Tuesday, 24th and I was privileged to visit it in person and deliver a talk about our recent ULTRA - it was great to meet old friends and many new folks from the graph learning area! The recording will (hopefully) be available soon. Among big announcements was TorchFrame from the authors of PyG - a library for deep learning on tabular data (before Kaggle grandmasters enter the berserker mode 👺 - yes it allows to run xgboost and catboost) that has uniform interfaces for training and inferencing over huge dataframes. PyG but for tabular data!

MoML on Nov 8th at MIT is the next big venue for the geometric learning and drug discovery communities.

NeurIPS workshops decisions are (mostly) out - check out your inboxes if you submitted anything. Some already have the proceedings available on OpenReview: Generative AI and Bio, Deep Generative Models for Health, AI4Science. Have a look there - usually such workshops contain precursors and hints to what will be published by big labs soon.

A new blogpost Topological Generalisation with Advective Diffusion Transformers by Michael Bronstein, Qitian Wu, and Chenxiao Wang introducing ADiT, Advective Diffusion Transformers.

Weekend reading:

Graph Deep Learning for Time Series Forecasting by Andrea Cini et al (IDSIA)

Talk like a Graph: Encoding Graphs for Large Language Models by Bahare Fatemi et al (Google)

Towards Foundational Models for Molecular Learning on Large-Scale Multi-Task Datasets by Dominique Beaini et al (Valence, Mila)

Graph Positional and Structural Encoder by Renming Liu, Semih Cantürk et al (Michigan, Mila)
Graph Deep Learning for Time Series Forecasting

by Andrea Cini, Ivan Marisca, Daniele Zambon, Cesare Alippi

arxiv: https://arxiv.org/abs/2310.15978

We are happy to announce the release of our paper on graph deep learning for time series forecasting. This work distills what we learned in the last few years using GNNs for time series analysis.

Key Contributions:

- We introduce a methodological framework that addresses foundational aspects of graph-based neural forecasting often overlooked in existing literature.
- Our approach formalizes the forecasting problem in a graph-based context and offers design principles for building efficient graph-based predictors.
- We discuss how spatiotemporal GNNs can take advantage of pairwise relationships by sharing parameters and conditioning forecasts on graphs spanning the time series collection.

Highlights:

- The paper provides an extensive overview of the field, alongside best practices and recommendations to design and evaluate predictors.
- It delves into ongoing challenges such as latent graph learning, handling missing data, dealing with local effects, inductive learning, and scalability issues.

Additional Resources:

For those interested in practical applications, we have also developed a PyTorch library, TorchSpatiotemporal (https://github.com/TorchSpatiotemporal/tsl), aimed at simplifying the implementation of graph-based time series models. More on our work at https://gmlg.ch.

We hope you find this useful for your research!
​​GraphML News (Nov 4th) - AlphaFold 2.3 for docking, OpenDAC, KwikBucks

🧬 Google DeepMind and Isomorphic Labs announced AlphaFold 2.3 (with a funny PDF name like Jupyter notebooks) - the newest iteration is crushing the baselines in 3 tasks: docking benchmarks (almost 2x better than DiffDock on PoseBusters), protein-nucleic acid interactions, and antibody-antigen prediction. Most of the paper’s content is devoted to experimental results and some examples. Following the trend of big AI labs, the document is authored by “teams” and has no details on the model architecture — from those 3 paragraphs in the model section, an educated guess might be an equivariant Transformer architecture. I would also add proper citations to the ML docking baselines, eg, DiffDock and TankBind, they deserved it 🙂

💎 Prepare your GemNets and EquiFormers: Open Direct Air Capture (OpenDAC) is a collab between Meta AI and Georgia Tech on discovering new sorbents for capturing CO2 from the air. OpenDAC is a massive dataset that includes 40M DFT calculations from 170K relaxations and will be a part of the OpenCatalyst (OCP) project. OCP delivers a lot of cool stuff this year - apart from OpenDAC they released AdsorbML for the NeurIPS’23 challenge.

💸 Google Research published a blog post on KwikBucks (the person who came up with the name deserves a peer bonus), a clustering method based on the graph representation. Mainly designed for text clustering and document retrieval, the algorithm also works on standard graphs like Cora and Amazon Photos. In case graphs have no features, the authors run Deep Graph Infomax (DGI) to get unsupervised features.

A few shorter updates:

The Workshop on AI-driven discovery for physics and astrophysics (AI4Phys) organized by Center for Data-Driven Discovery and Simons Foundations will take place on January 22-26th at the University of Tokyo. Meanwhile, the proceedings of the NeurIPS AI4Mat Workshop (AI for Accelerated Materials Design) are now available.

LoG is approaching and so are the local meetups! The LoG Meetup at EPFL in Lausanne will be held on Nov 22nd and the meetup at TUM in Munich will be held on Nov30th-Dec 1st.

Weekend reading:

Scaling Riemannian Diffusion Models by Aaron Lou, Minkai Xu, and Stefano Ermon (Stanford)

Equivariant Matrix Function Neural Networks by Ilyes Batatia feat. Gábor Csányi (Cambridge)

A Unified Framework to Enforce, Discover, and Promote Symmetry in Machine Learning by Samuel E. Otto feat. Steven L. Brunton (UW) - a massive work on symmetries and equivariances in neural nets highlighting the effectiveness of Lie derivatives

Effect of Choosing Loss Function when Using T-batching for Representation Learning on Dynamic Networks by Erfan Loghmani and MohammadAmin Fazli (Sharif) - on the losses for temporal graph learning, also introduces the Myket dataset already integrated into PyG
GraphML News (Nov 11th) - MoML, GFlowNets workshop, NeurIPS workshops and blogs

👺 Brace yourselves, ICLR reviews are out and Reviewer 2 is most dangerous in those wildest conditions.

🧬 The Molecular ML conference at MIT happened a few days ago and brought together folks from geometric DL, computational biology, drug discovery, protein learning, and materials science. We won’t have the recordings, but the list of accepted posters is published and you can find many of them on arxiv already.

🌊 A handful of the MoML posters featured Generative Flow Networks (GFlowNets), and its authors at Mila organized a whole 3-day workshop on the basics of generative modeling and foundations of GFlowNets with many practical examples - all 24 hours of streams are available on YouTube now.

More NeurIPS workshops opened the lists of accepted papers: AI for Accelerated Materials Design, Temporal Graph Learning, Mathematical Reasoning and AI

✍️ And several new blogposts have arrived:

- Equivariant neural networks  –  *what*, *why* and *how* ? by Maurice Weiler - Part 1 out of the planned five chapters explaining the main ideas in the recent book on Equivariant and Coordinate Independent CNNs.
- ULTRA: Foundation Models for Knowledge Graph Reasoning by our small team featuring the invited guest Bruno Ribeiro (Purdue) where we give more visual explanation on the motivation and mechanisms behind our recent paper on KG reasoning.

Weekend reading:

From Molecules to Materials: Pre-training Large Generalizable Models for Atomic Property Prediction by Nima Shoghi feat. Larry Zitnick (Meta AI and CMU) - pretty much a foundation model for many molecular and materials science tasks - a pre-trained 230M params GemNet-OC, lots of engineering insights on training such complex models on diverse and imbalanced datasets

Examining graph neural networks for crystal structures: Limitations and opportunities for capturing periodicity by Sheng Gong feat. Tian Xie, Rafael Gomez-Bombarelli, Shuiwang Ji - on the eternal quest of designing abstractions for periodic structures where GNNs can still fail

Efficient Subgraph GNNs by Learning Effective Selection Policies by Beatrice Bevilacqua feat. Bruno Ribeiro, Haggai Maron - on improving notoriously hungry subgraph GNNs with Gumbel-Softmax and Straight-through estimation tricks

Locality-Aware Graph-Rewiring in GNNs (NeurIPS’23) by Federico Barbero feat Michael Bronstein and Francesco Di Giovanni - introduces the LASER graph rewiring method that produces a sequence of rewired graph snapshots with new edges selected based on the connectivity and locality constraints. Fast and effective!
GraphML News (Nov 18th) - GraphCast and Chroma release, Neural Circulation Models

While one half of the world digests the drama around OpenAI and comes up with conspiracy theories and another half is working on ICLR rebuttals and CVPR deadlines, let’s look at the GraphML news!

Two models we first spotted and mentioned in 2023 The State of Affairs post were officially released as Science and Nature publications: GraphCast from Google DeepMind for weather prediction and Chroma for protein design from Generate Biomedicines. Both GraphCast and Chroma are open-sourced on Github (GraphCast repo, Chroma repo), huge kudos for the authors for doing that 👏 

🏟️ Both Chroma and RFDiffusion will be the keynotes at the MLSB workshop at NeurIPS, and Gabriele Corso already suggests to prepare some 🍿 to see the final showdown of the two heavy-weight generative champions (with EvoDiff in the interlude).

Google Research and DeepMind went an extra mile and uploaded a new paper on Neural General Circulation Models that already outperforms GraphCast on several tasks. The core component of NeuralGCM is a differentiable ODE solver, but otherwise it’s the encode-process-decode architecture with MLPs.

Xiaoxin He compiled a list of graph papers to be presented at NeurIPS’23 - a handy tool to get ready for the poster sessions!

Weekend reading:

A new age in protein design empowered by deep learning by Hamed Khakzad et al feat Michael Bronstein and Bruno Correia - a survey on (geometric) DL models for protein design including hot generative models.

Exposition on over-squashing problem on GNNs: Current Methods, Benchmarks and Challenges by Dai Shi et al - a comprehensive survey on oversquashing and how to deal with it

Finding Increasingly Large Extremal Graphs with AlphaZero and Tabu Search by Abbas Mehrabian, Ankit Anand, Hyunjik Kim, et al (feat Petar Veličković) - an excellent read on approaching one of the classical graph theory problems with RL
GraphML News (Nov 25th) - LOG’23 starts next week, EEML’24,

The OpenAI drama has been successfully resolved and now the ML world is wandering about Q* that (allegedly) showed some amazing improvements towards AGI. Henceforth, Q-learning and classic A* search algorithm are among the hottest trends this week 🤣 (where I could insert a shameless plug and point that audience to the neural A*Net paper we’ll be presenting at NeurIPS’23). Besides that:

LoG 2023, the graph’iest ML conference, starts next Monday, November 27th — registration is free and participation is fully-remote. It would have been nicer to have a list of accepted papers and tutorials a bit before the very starting day of the conference 🙂 (perhaps the organizers are also busy with ICLR rebuttals and NeurIPS workshops).

The Eastern European ML Summer School (EEML) has just announced its 2024 installment (15-20 July, Novi Sad, Serbia) featuring a stellar lineup of speakers and organizers including Kyunghyun Cho, Doina Precup, Michael Bronstein, Alfredo Canziani, Petar Veličković, and many more prominent researchers (especially from DeepMind). So we would expect quite a few lectures and tutorials on graph learning!

Weekend reading:

Generalized Biomolecular Modeling and Design with RoseTTAFold All-Atom from the Baker Lab - all-atom versions of RosettaFold (RFAA) for structure prediction and RFdiffusionAA for protein-ligand binding generative model.

Geometric Algebra Transformer (GATr 🐊) by Johann Brehmer feat. Taco Cohen. GATr = Clifford Algebras + Transformers, built-in E(3) equivariance. Some applications include n-body dynamics, wall-shear-stress estimation of human arteries, and robotic planning. The code was recently published as well.

A Survey of Graph Meets Large Language Model: Progress and Future Directions by Yuhan Li et al. The subfield exists for a few months but there is already a survey about it.
The Learning on Graphs Conference 2023 will be taking place virtually for free from 27th -- 30th November.

LoG is an annual research conference started to provide a dedicated venue for areas broadly related to machine learning on graphs and geometric data, with a special focus on review quality (top reviewers are given monetary awards).

Website: https://logconference.org/

Slack: https://join.slack.com/t/logconference/shared_invite/zt-27nv8ba1y-pXspnAzgLOMdDzfKgpOafg

This year's program has an excited lineup of keynote speakers, oral presentations, and tutorials, as well as poster sessions and social hours. All the details on how to attend are available on the LoG website.

Tune in to hear about the latest trends in Graph Neural Network theory, applications of Geometric Deep Learning, and more!
GraphML News (Dec 2nd) - RelBench, GNoME, and 3 roasts of the week

The LoG’23 conference took place this week (along with numerous local meetups!) and all the steam recordings are already available on the YouTube channel including tutorials and keynotes by Jure Leskovec, Andreas Loukas, Stefanie Jegelka, and Kyle Cranmer — check them out over the weekend!

➡️ One of the huge LoG announcements is RelBench — a new benchmark for Relational Deep Learning introduced by Jure Leskovec and the PyG / TorchFrame team behind it. RelBench poses temporal classification and regression tasks over large tables that can be represented as multi-partite graphs (each row from each table is a unique node). Jure also hinted that temporal hypergraphs can be even more efficient. The first 🔥 roast of the week 🔥 goes to Jure for noticing all those modern graph databases being orders of magnitude slower for such tasks. Time to sell GDBMS stocks? 📉

⚛️ The second big announcement is GNoME from Google DeepMind - a GNN-based system that discovered 2.2M new crystal structures including about 380k stable structures. GNoME traces were already there in the Materials Project database since spring, and now we see a full release upon the publication in Nature. Practically, GNoME consists of two GNNs - a simple MPNN as a composition model and NequIP as a structural model for interatomic potentials. GNoME demonstrates impressive scaling capabilities and features sophisticated pipelines involving DFT calculations and active learning loops. The code and data are published on GitHub and we can enjoy the JAX implementation of NequIP - time to jump on the tensor product train 🚂 if you haven’t yet.

The GNoMe project spawned another accepted Nature paper on the experimental side of creating those materials in the automated lab, and it spawned quite some active community discussion. The second 🔥 roast of the week 🔥 goes to Robert Palgrave from UCL for highlighting many issues of that paper that might have been swept under the rug and compromised the methodology.

Weekend reading:

Relational Deep Learning: Graph Representation Learning on Relational Databases by Matthias Fey, Weihua Hu, Kexin Huang, Jan Eric Lenssen, Rishabh Ranjan, Joshua Robinson, and Kumo + Stanford team. The RelBench paper

Scaling deep learning for materials discovery by Amil Merchant, Simon Batzner, et al. The GNoME paper.

Generating Molecular Conformer Fields by Wang et al and Apple - turns out a simple diffusion model without fancy equivariances can beat GeoDiff and Torsional Diffusion in conformer generation. Definitely deserves the third 🔥 roast of the week 🔥
Guest post by Maryan Ramezani:

Joint Inference of Diffusion and Structure in Partially Observed Social Networks Using Coupled Matrix Factorization

By Maryam Ramezani, Aryan Ahadinia, Amirmohammad Ziaei Bideh, and Hamid R Rabiee.

Published in ACM Transactions on Knowledge Discovery from Data (TKDD).

🌐 ACM Digital Library: https://dl.acm.org/doi/abs/10.1145/3599237
🌐 GitHub: https://github.com/maryram/DiffStru

📢 Thrilled to unveil our latest research on #SocialNetworks! My paper dives into the challenges of missing data in large-scale networks from a novel point of view: partial observation of both the temporal cascades and the underlying structure. Introducing 'DiffStru,' a probabilistic generative model, we jointly uncover hidden diffusion activities and network structures through coupled matrix factorization. Excitingly, our approach not only fills gaps in data but also aids in network classification problems by learning coupled representations of temporal cascades and users. 🚀 Tested on synthetic and real datasets, the results are promising – detecting hidden behaviors and predicting links by unveiling latent features. 📊🔍

Our method uses the following input.

☝️ A partial observations of the underlying network as a graph: Nodes are representing users and directed links are corresponding to the following relations between users. All nodes are present but some links are omitted.

✌️ A partial sequential observation of user participations in information diffusion process, namely cascades: Users participate in cascades, e.g. retweeting a topic, in a social media. Our observation is a set of cascades with users participated in some of them in a specified timestamp.

The output of our method is as follows.

1️⃣ Predictions of omitted links in the underlying network.

2️⃣ Predictions of users' participations in cascades, including their timestamps.

3️⃣ A coupled representation of users and cascades which can be used for further analysis, e.g. community detection.
👍1
GraphML News (Dec 9th) - NeurIPS’23, MatterGen, new blogs, PygHO

🎷 NeurIPS’23 starts on Sunday in jazzy New Orleans including tons of Graph ML papers and workshops that we covered in the previous articles (search by “NeurIPS workshop”). Find Michael (jetlagged from Dagstuhl) in the unique meme-designed t-shirt at two poster sessions (one, two) to chat about papers, graphs, or relay your POV on the diffusion vs flow matching feud of the year.

⚛️ Following the announcements of UniMat and GNoME from DeepMind, MSR AI 4 Science announced MatterGen, a new generative model for inorganic materials design. Practically, unconditional MatterGen is a diffusion model based on the GemNet backbone with both continuous and discrete diffusion components, ie, continuous diffusion is applied to lattice parameters and fractional coordinates, discrete diffusion (absorbing state with the MASK token) is applied to atom compositions. A pre-trained MatterGen can then be steered in many directions with classifier-free guidance, and the authors report conditioning on target chemistry, energy, magnetic properties, and on a practical use-case of designing magnets. Seems like big labs are picking up on materials science and it will be a key topic of generative models in 2024 along with molecules and proteins.

Meanwhile, a few new blog posts have arrived:

- Cooperative GNNs by Ben Finkelshtein, Ismail Ceylan, Xingyue Huang, and Michael Bronstein on the recently proposed GNN architecture;
- Equivariant CNNs and steerable kernels - part 3 of the series based off the monumental book Equivariant CNN by Maurice Weiler

Xiyuan Wang and Muhan Zhang published PyTorch Geometric Higher Order (PygHO), a library that implements a collection of primitives to create higher-order GNNs (like subgraph GNNs, PPGN, Nested GNNs) and data wrappers with proper graph transformations.

Weekend reading:

MatterGen: a generative model for inorganic materials design by Zeni et al. - the MatterGen paper

Expressive Sign Equivariant Networks for Spectral Geometric Learning (NeurIPS’23) by Derek Lim, Joshua Robinson, Stefanie Jegelka, and Haggai Maron - extension of invariant SignNet to sign equivariance

Recurrent Distance-Encoding Neural Networks for Graph Representation Learning by Yuhui Ding et al. - Linear Recurrent Units (LRUs) straight from NLP arrived to GNNs

Variational Annealing on Graphs for Combinatorial Optimization by Sebastian Sanokowski feat. Sepp Hochreiter
A team including folks from Mila and Cambridge just released a “Hitchhiker’s Guide” for getting started with GNNs for 3D structural biology & chemistry -- we think it will be useful for newcomers to start their learning journey on the core architectures powering recent breakthroughs of graph ML in protein design, material discovery, molecular simulations, and more!

A Hitchhiker’s Guide to Geometric GNNs for 3D Atomic Systems

👥 Alexandre Duval, Simon V. Mathis, Chaitanya K. Joshi, Victor Schmidt, Santiago Miret, Fragkiskos Malliaros, Taco Cohen, Pietro Liò, Yoshua Bengio, and Michael Bronstein

📝 PDF: https://arxiv.org/abs/2312.07511
1🔥1
GraphML News (Dec 17th) - The NeurIPS edition, TGB and TpuGraphs

NeurIPS’23 happened this week in New Orleans with 3000+ papers, 50+ workshops and competitions, and 16000+ registered participants. The most important part of such enormous events is networking, and, based on my impressions, the Graph ML community is thriving with so many new ideas and projects (especially after attending the workshops).

We will be reflecting on the hot trends, ideas that fell out of favor / are solved, and update the predictions in the annual 2023-2024 post which is already in the works (so stay tuned).

PS > All the flow matching t-shirts found their owners 😉

New blogposts:

- Temporal Graph Benchmark by Andy Huang and Emanuele Rossi - introduces TGB, its design principles and supported tasks
- Advancements in ML for ML by Google on the new TpuGraphs dataset, Graph Segment Training for large graphs, and the recently finished Kaggle competition on the TpuGraphs dataset (GraphSAGE is in the most of the top winning solutions)

Weekend reading:

A Hitchhiker’s Guide to Geometric GNNs for 3D Atomic Systems by Alexandre Duval, Simon V. Mathis, Chaitanya K. Joshi, Victor Schmidt, et al - a handbook on geometric GNNs, see our previous post for more details

Are Graph Neural Networks Optimal Approximation Algorithms? by Morris Yau feat. Stefanie Jegelka - introduces OptGNN that performs very competitively on a bunch of combinatorial optimization tasks

TorchCFM, the main library for conditional flow matching, released a bunch of new tutorials in Jupyter notebooks - winter holidays are a perfect time to learn more about flow matching and optimal transport
GraphML News (Dec 23rd) - Antibiotics discovered with GNNs, OpenCatalyst 23, TF GNN

A group of MIT and Harvard researchers reported (in the recent Nature paper) the discovery of a new class of antibiotics. The screening process was supported by ChemProp, a suite of GNNs for molecular property prediction. The authors trained an ensemble of 10 models to filter down the initial space of 11M compounds to 1.5K compounds. Most of those models are 5-layer MPNNs with hidden size of 1600. Pre-trained checkpoints and notebooks are available in the GitHub repo of the project. Exciting times for the field (and many bio startups)! 👏

The Open Catalyst project announced the winners of the recent OCP 23 challenge (aka AdsorbML) - the top approaches build around Equiformer V2 with the best model reaching 46% success rate. It is likely that the numbers can be bumped even further by training on even larger OCP splits as demonstrated by eSCN Large and Equiformer V2 in the paper.

Google released TensorFlow GNN v1.0, the library you can run in production on GPUs and TPUs. Heterogeneous graphs are of particular focus - have a look at the example notebooks to learn more.

We’ll probably take a break with the news the next week to enjoy the holiday season and get back in January with the massive year-review post. 🥂

Weekend reading:

Perspectives on the State and Future of Deep Learning - 2023 - opinions of prominent ML researchers (incl. Max Welling, Kyunghyun Cho, Andrew Gordon Wilson, and ChatGPT, lolz) on the current problems and challenges. High-quality holiday reading 👌

Graph Transformers for Large Graphs by Vijay Prakash Dwivedi feat. Xavier Bresson, Neil Shah. Scaling GTs to graphs of 100M nodes.

Harmonics of Learning: Universal Fourier Features Emerge in Invariant Networks by Giovanni Luca Marchetti et al. Turns out Fourier features do emerge in neural networks and help to identify symmetries. The nature of the Fourier kernels looks quite similar to the steerable kernels for irreducible representations
​​Neural Algorithmic Reasoning Without Intermediate Supervision

Guest post by Gleb Rodionov

📝 Paper: https://openreview.net/forum?id=vBwSACOB3x (NeurIPS 2023)
🛠️ Code: in the supplementary on OpenReview

Algorithmic reasoning aims to capture computations with neural networks, imitating the execution of classical algorithms. Typically, the generalization abilities of such models are improved through various forms of intermediate supervision, which demonstrate a particular execution trajectory (a sequence of intermediate steps, called hints) that the model needs to follow.

However, progress can also be made on the other side of the spectrum, where models are trained only with input-output pairs. Such models are not tied to any particular execution trajectory and are free to converge to the optimal execution flow for their own architecture. We demonstrate that models without hints can be competitive with hint-based models or even outperform them:

1️⃣ We propose several architectural modifications for models trained without intermediate supervision, that are aimed at making the comparison versus hint-based models clearer and fairer.

2️⃣ We build a self-supervised objective that can regularize intermediate computations of the model without access to the algorithm trajectory.

We hope our work will encourage further investigation of neural algorithmic reasoners without intermediate supervision. For more details, see the blog post.
Adaptive Message Passing: A General Framework to Mitigate Oversmoothing, Oversquashing, and Underreaching

Guest post by Federico Errica

📖 Blog post: link
⚗️ Paper: http://arxiv.org/abs/2312.16560

Long-range interactions are essential for the correct denoscription of complex systems in many scientific fields. Recently, deep graph networks have been employed as efficient, data-driven surrogate models for predicting properties of complex systems represented as graphs. In practice, most deep graph networks cannot really model long-range dependencies due to the intrinsic limitations of (synchronous) message passing, namely oversmoothing, oversquashing, and underreaching.

Motivated by these observations, we propose Adaptive Message Passing (AMP) to let the DGN decide how many messages each node should send -up to infinity! - and when to send them. In other words:

1️⃣ We learn the depth of the network during training (addressing underreaching)

2️⃣ We apply a differentiable, soft filter on messages sent by nodes, which in principle can completely shut down the propagation of a message (addressing oversmoothing and oversquashing).

❗️ AMP can easily and automatically improve the performances of your favorite message passing architecture, e.g., GCN/GIN. ❗️

We believe AMP will foster exciting research opportunities in the graph machine learning field and find successful applications in the fields of physics, chemistry, and material sciences.
1
GraphML News (Jan 6th) - ICLR’24 workshops, new blog posts, MACE-MP-0 potential

We are getting back with the weekly news, hope you had a nice winter holiday!

🎤 ICLR’24 started announcing accepted workshops, the list is (so far) incomplete, but we might expect some graph and geometric learning here:

- AI for Differential Equations in Science
- Generative and Experimental Perspectives for Biomolecular Design
- Machine Learning for Genomics Explorations

📝 New blogposts!

▶️ Pat Walters started a massive series on AI in Drug Discovery in 2023: part 1 covers benchmarks, deep learning for docking, and AlphaFold for ligand discovery and design. Part 2 will focus on LLMs and generative models, Part 3 will be on review articles.

▶️ Zhaocheng Zhu, Michael Galkin, Abulhair Saparov, Shibo Hao, and Yihong Chen review the landscape of LLM reasoning approaches covering tool usage, retrieval, planning, and open reasoning problems. Lots of unsolved theoretical and practical problems to work on in 2024!

⚛️ Ilyes Batatia and a huge collab from Cambrige, Oxford, and EU universities announced MACE-MP-0: a foundational ML potentials model that can accurately approximate DFT calculations needed for molecular dynamics and atomistic simulations. The model is based on MACE (equivariant MPNN) and was trained on the Materials Project to predict forces, energy, and stress on 150k crystal structures for 200 epochs on 40-80 A100’s (definitely not a GPU-poor project, perhaps GPU-middle class). The authors ran about 30 experiments studying a single pre-trained model with different crystal structures and atomistic systems. The race for ML potentials has officially started 🏎️

Weekend reading:

Learning Scalable Structural Representations for Link Prediction with Bloom Signatures by Zhang et al. feat Pan Li - hashing-based link prediction now with Bloom filters

Scalable network reconstruction in subquadratic time by Tiago Peixoto (Mr. GraphTool) - present a O(N log^2 N) algorithm for network reconstruction

A foundation model for atomistic materials chemistry by Batatia et al - MACE-MP-0
​​GraphML News (Jan 13th) - New material discovered by geometric models, LOWE

What time could be better than the time in between ICLR announcements (Jan 15th) and the ICML deadline (Feb 1st) 🫠. As far as we know, the graph community is working on some huge blog posts - you can expect those coming in the next few days. The two big news from this week:

Microsoft Azure Quantum together with Pacific Northwest National Lab announced successful synthesis and validation of a potentially new electrolyte candidate suitable for solid-state batteries. The fresh accompanying paper describes the pipeline from generating 32M candidates and stepwise filtering of those down to 500K, 800, 18, and 1 final candidate. The main bulk of the job of filtering millions of candidates was done by the geometric ML potential model M3GNet (published in 2022 in Nature Computational Science) while later stages with a dozen candidates included HPC simulations of molecular dynamics. Geometric DL for materials discovery is rising! 🚀

Valence & Recursion announced LOWE (LLM-orchestrated Workflow Engine). LOWE is an LLM agent that strives to do all things around drug discovery - from screening and running geometric generative models to the procurement of materials. Was ChemCrow 🐦‍⬛ the inspiration for LOWE?

Weekend reading:

Accelerating computational materials discovery with artificial intelligence and cloud high-performance computing: from large-scale screening to experimental validation by Chen, Nguyen, et al - the paper behind the newly discovered material by Azure Quantum and PNNL.

MACE-OFF23: Transferable Machine Learning Force Fields for Organic Molecules by Kovács, Moore, et al - similarly to MACE-MP-0 from the last week, MACE-OFF23 is a transferable ML potential for organic molecules but smaller - Medium and Large models were trained on a single A100 for 10/14 days.

Improved motif-scaffolding with SE(3) flow matching by Yim et al - the improved version of FrameFlow (based on trendy flow matching), originally for protein backbone generation, to motif-scaffolding. On some benchmarks, new FrameFlow is on par or better than mighty RFDiffusion 💪