data:image/s3,"s3://crabby-images/74c83/74c83df2ebf176f02fdd6a78b77f5efae33d2d47" alt="ersilia"
ersilia
The Ersilia Model Hub, a repository of AI/ML models for infectious and neglected disease research.
Stars: 231
data:image/s3,"s3://crabby-images/07aae/07aae9f6695cd8ec2ef21b69b3a66013b94ae689" alt="screenshot"
The Ersilia Model Hub is a unified platform of pre-trained AI/ML models dedicated to infectious and neglected disease research. It offers an open-source, low-code solution that provides seamless access to AI/ML models for drug discovery. Models housed in the hub come from two sources: published models from literature (with due third-party acknowledgment) and custom models developed by the Ersilia team or contributors.
README:
The Ersilia Model Hub is a unified platform of pre-trained AI/ML models for 🦠infectious and neglected disease research. Our mission is to offer an open-source, 🛠low-code solution that provides seamless access to AI/ML models for 💊 drug discovery. Models housed in our hub come from two sources:
- Published models from literature (with due third-party acknowledgement)
- Custom models developed by the Ersilia team or our valued contributors
You can read more about the project in the Ersilia Book and browse available models in the Ersilia Model Hub.
Please check the package requirements in the Installation Guide. The following steps are a quick start guide to using Ersilia.
First, create a conda environment and activate it:
conda create -n ersilia python=3.10
conda activate ersilia
Then, clone this repository and install with pip
:
git clone https://github.com/ersilia-os/ersilia.git
cd ersilia
pip install -e .
Alternatively, you can directly install from PyPi:
pip install ersilia
Once the Ersilia package is installed, you can use the CLI to run predictions. First, select a model from the Ersilia Model Hub and fetch it:
ersilia fetch eos4e40
Note that you can use the model identifier (eos4e40) or its human-readable slug (antibiotic-activity).
Now you can serve the model:
ersilia serve eos4e40
To view some information of the model, type the following:
ersilia info
The simplest way to run a model is by passing a CSV file as input. If you don't have one, you can generate it easily. In this case, we take 5 molecules as an example:
ersilia example -n 5 -f my_input.csv
Now you can run the model:
ersilia run -i my_input.csv -o my_output.csv
To stop the service, you can simply close the model:
ersilia close
Finally, if you don't want to use the model anymore, delete it as follows:
ersilia delete eos4e40
Please see the Ersilia Book for more examples and detailed explanations.
The Ersilia Model Hub is a Free, Open Source Software and we highly value new contributors. There are several ways in which you can contribute to the project:
- A good place to start is checking open issues
- If you have identified a bug in the code, please open a new issue using the bug template
- Share any feedback with the community using GitHub Discussions for the project
- Check our Contributing Guide for more details
The Ersilia Open Source Initiative adheres to the Contributor Covenant code of conduct.
To maintain consistency and code quality, we follow certain coding and linting standards. Please adhere to these guidelines when contributing:
We use pre-commit
and ruff
to automate code quality checks. Ensure you install and set up pre-commit
and ruff
before committing any changes:
- Install pre-commit:
pip install pre-commit
- Set up pre-commit hooks in your local repository by running:
pre-commit install
- When you commit it automatically fix the issues but will fail for critical error such as missing docstring on a public class and public methods.
- Run
ruff
to check for linting errors:ruff check .
- Automatically fix linting issues (where possible):
ruff check . --fix
We adhere to the NumPy-style docstring format. Please document all public methods and functions using this style.
Consistent documentation ensures the code is easy to understand and maintain.
Thank you for your contributions and for helping make the Ersilia Model Hub a better project!
If you want to incorporate a new model in the platform, open a new issue using the model request template or contact us using the following form.
After submitting your model request via an issue (suggested), an Ersilia maintainer will review your request. If they approve your request, a new model respository will be created for you to fork and use! There is a demo repository explaining the steps one-by-one.
This repository is open-sourced under the GPL-3 License. Please cite us if you use it!
Please note that Ersilia distinguises between software contributors and software authors. The Ersilia Model Hub Authorship guidelines can be found in the Authorship file and current authors can be found in the Citation file. We acknowledge past authors of the software below:
- Carolina Caballero
The Ersilia Model Hub is used in a number of scientific projects. Read more about how we are implementing it in:
- Turon, Hlozek et al, Nat Commun, 2023
- Van Heerden et al, ACS Omega, 2023
- Offensperger et al, Science, 2024
- Turon et al, ACS Med Chem Lett, 2024
The Ersilia Open Source Initiative is a Non Profit Organization with the mission is to equip labs, universities and clinics in LMIC with AI/ML tools for infectious disease research. Help us achieve our mission!
The Ersilia Model Hub is the flagship product of Ersilia. It has been funded thanks to a combination of funding sources. Full disclosure can be found in our website. Highlighted supporters include the Mozilla Builders Accelerator, Fast Forward, Splunk Pledge and the AI2050 Program by Schmidt Sciences.
For Tasks:
Click tags to check more tools for each tasksFor Jobs:
Alternative AI tools for ersilia
Similar Open Source Tools
data:image/s3,"s3://crabby-images/07aae/07aae9f6695cd8ec2ef21b69b3a66013b94ae689" alt="ersilia Screenshot"
ersilia
The Ersilia Model Hub is a unified platform of pre-trained AI/ML models dedicated to infectious and neglected disease research. It offers an open-source, low-code solution that provides seamless access to AI/ML models for drug discovery. Models housed in the hub come from two sources: published models from literature (with due third-party acknowledgment) and custom models developed by the Ersilia team or contributors.
data:image/s3,"s3://crabby-images/b1daa/b1daa2412a3b71527c94a69120d1d84dddb74e77" alt="langchainjs-quickstart-demo Screenshot"
langchainjs-quickstart-demo
Discover the journey of building a generative AI application using LangChain.js and Azure. This demo explores the development process from idea to production, using a RAG-based approach for a Q&A system based on YouTube video transcripts. The application allows to ask text-based questions about a YouTube video and uses the transcript of the video to generate responses. The code comes in two versions: local prototype using FAISS and Ollama with LLaMa3 model for completion and all-minilm-l6-v2 for embeddings, and Azure cloud version using Azure AI Search and GPT-4 Turbo model for completion and text-embedding-3-large for embeddings. Either version can be run as an API using the Azure Functions runtime.
data:image/s3,"s3://crabby-images/b17c0/b17c0bd295a4b662282fb85c44818a10718e12eb" alt="bionemo-framework Screenshot"
bionemo-framework
NVIDIA BioNeMo Framework is a collection of programming tools, libraries, and models for computational drug discovery. It accelerates building and adapting biomolecular AI models by providing domain-specific, optimized models and tooling for GPU-based computational resources. The framework offers comprehensive documentation and support for both community and enterprise users.
data:image/s3,"s3://crabby-images/2a93d/2a93d92a9570d8f777e04960cb95281db1aa8341" alt="codebase-context-spec Screenshot"
codebase-context-spec
The Codebase Context Specification (CCS) project aims to standardize embedding contextual information within codebases to enhance understanding for both AI and human developers. It introduces a convention similar to `.env` and `.editorconfig` files but focused on documenting code for both AI and humans. By providing structured contextual metadata, collaborative documentation guidelines, and standardized context files, developers can improve code comprehension, collaboration, and development efficiency. The project includes a linter for validating context files and provides guidelines for using the specification with AI assistants. Tooling recommendations suggest creating memory systems, IDE plugins, AI model integrations, and agents for context creation and utilization. Future directions include integration with existing documentation systems, dynamic context generation, and support for explicit context overriding.
data:image/s3,"s3://crabby-images/aca7d/aca7de258b41ea7ca6efc4d59250a3f408d11532" alt="ai-exploits Screenshot"
ai-exploits
AI Exploits is a repository that showcases practical attacks against AI/Machine Learning infrastructure, aiming to raise awareness about vulnerabilities in the AI/ML ecosystem. It contains exploits and scanning templates for responsibly disclosed vulnerabilities affecting machine learning tools, including Metasploit modules, Nuclei templates, and CSRF templates. Users can use the provided Docker image to easily run the modules and templates. The repository also provides guidelines for using Metasploit modules, Nuclei templates, and CSRF templates to exploit vulnerabilities in machine learning tools.
data:image/s3,"s3://crabby-images/51aa7/51aa71ba1cd6c05ebd95d8d3d60bf3b7836c8e71" alt="gemma Screenshot"
gemma
Gemma is a family of open-weights Large Language Model (LLM) by Google DeepMind, based on Gemini research and technology. This repository contains an inference implementation and examples, based on the Flax and JAX frameworks. Gemma can run on CPU, GPU, and TPU, with model checkpoints available for download. It provides tutorials, reference implementations, and Colab notebooks for tasks like sampling and fine-tuning. Users can contribute to Gemma through bug reports and pull requests. The code is licensed under the Apache License, Version 2.0.
data:image/s3,"s3://crabby-images/6a68e/6a68eb3bc3cba48c91cf287d9628d3376ae85a82" alt="pathway Screenshot"
pathway
Pathway is a Python data processing framework for analytics and AI pipelines over data streams. It's the ideal solution for real-time processing use cases like streaming ETL or RAG pipelines for unstructured data. Pathway comes with an **easy-to-use Python API** , allowing you to seamlessly integrate your favorite Python ML libraries. Pathway code is versatile and robust: **you can use it in both development and production environments, handling both batch and streaming data effectively**. The same code can be used for local development, CI/CD tests, running batch jobs, handling stream replays, and processing data streams. Pathway is powered by a **scalable Rust engine** based on Differential Dataflow and performs incremental computation. Your Pathway code, despite being written in Python, is run by the Rust engine, enabling multithreading, multiprocessing, and distributed computations. All the pipeline is kept in memory and can be easily deployed with **Docker and Kubernetes**. You can install Pathway with pip: `pip install -U pathway` For any questions, you will find the community and team behind the project on Discord.
data:image/s3,"s3://crabby-images/b5d33/b5d339fc6536aef7b4f387eafde926ecf4517102" alt="council Screenshot"
council
Council is an open-source platform designed for the rapid development and deployment of customized generative AI applications using teams of agents. It extends the LLM tool ecosystem by providing advanced control flow and scalable oversight for AI agents. Users can create sophisticated agents with predictable behavior by leveraging Council's powerful approach to control flow using Controllers, Filters, Evaluators, and Budgets. The framework allows for automated routing between agents, comparing, evaluating, and selecting the best results for a task. Council aims to facilitate packaging and deploying agents at scale on multiple platforms while enabling enterprise-grade monitoring and quality control.
data:image/s3,"s3://crabby-images/3adef/3adefc7d3c6b1a3720c21e7f6112f995a436283e" alt="hi-ml Screenshot"
hi-ml
The Microsoft Health Intelligence Machine Learning Toolbox is a repository that provides low-level and high-level building blocks for Machine Learning / AI researchers and practitioners. It simplifies and streamlines work on deep learning models for healthcare and life sciences by offering tested components such as data loaders, pre-processing tools, deep learning models, and cloud integration utilities. The repository includes two Python packages, 'hi-ml-azure' for helper functions in AzureML, 'hi-ml' for ML components, and 'hi-ml-cpath' for models and workflows related to histopathology images.
data:image/s3,"s3://crabby-images/cbcff/cbcff9667b2e4b70c24405b2be329a8992ee85db" alt="cloudflare-rag Screenshot"
cloudflare-rag
This repository provides a fullstack example of building a Retrieval Augmented Generation (RAG) app with Cloudflare. It utilizes Cloudflare Workers, Pages, D1, KV, R2, AI Gateway, and Workers AI. The app features streaming interactions to the UI, hybrid RAG with Full-Text Search and Vector Search, switchable providers using AI Gateway, per-IP rate limiting with Cloudflare's KV, OCR within Cloudflare Worker, and Smart Placement for workload optimization. The development setup requires Node, pnpm, and wrangler CLI, along with setting up necessary primitives and API keys. Deployment involves setting up secrets and deploying the app to Cloudflare Pages. The project implements a Hybrid Search RAG approach combining Full Text Search against D1 and Hybrid Search with embeddings against Vectorize to enhance context for the LLM.
data:image/s3,"s3://crabby-images/5e5df/5e5df2841fda0919574f51d77ec0496849c6aac3" alt="LangSim Screenshot"
LangSim
LangSim is a tool developed to address the challenge of using simulation tools in computational chemistry and materials science, which typically require cryptic input files or programming experience. The tool provides a Large Language Model (LLM) extension with agents to couple the LLM to scientific simulation codes and calculate physical properties from a natural language interface. It aims to simplify the process of interacting with simulation tools by enabling users to query the large language model directly from a Python environment or a web-based interface.
data:image/s3,"s3://crabby-images/48b88/48b880de3fbf6c2d1661319aa5506f4cfaf22e63" alt="MARS5-TTS Screenshot"
MARS5-TTS
MARS5 is a novel English speech model (TTS) developed by CAMB.AI, featuring a two-stage AR-NAR pipeline with a unique NAR component. The model can generate speech for various scenarios like sports commentary and anime with just 5 seconds of audio and a text snippet. It allows steering prosody using punctuation and capitalization in the transcript. Speaker identity is specified using an audio reference file, enabling 'deep clone' for improved quality. The model can be used via torch.hub or HuggingFace, supporting both shallow and deep cloning for inference. Checkpoints are provided for AR and NAR models, with hardware requirements of 750M+450M params on GPU. Contributions to improve model stability, performance, and reference audio selection are welcome.
data:image/s3,"s3://crabby-images/cedcd/cedcd3bbd166a49bfd7a9fecaeb81279c90e6143" alt="LlamaEdge Screenshot"
LlamaEdge
The LlamaEdge project makes it easy to run LLM inference apps and create OpenAI-compatible API services for the Llama2 series of LLMs locally. It provides a Rust+Wasm stack for fast, portable, and secure LLM inference on heterogeneous edge devices. The project includes source code for text generation, chatbot, and API server applications, supporting all LLMs based on the llama2 framework in the GGUF format. LlamaEdge is committed to continuously testing and validating new open-source models and offers a list of supported models with download links and startup commands. It is cross-platform, supporting various OSes, CPUs, and GPUs, and provides troubleshooting tips for common errors.
data:image/s3,"s3://crabby-images/a3c04/a3c0438b1db1970ed2b20dbe8fd5a5adfdc08fc1" alt="atomic-agents Screenshot"
atomic-agents
The Atomic Agents framework is a modular and extensible tool designed for creating powerful applications. It leverages Pydantic for data validation and serialization. The framework follows the principles of Atomic Design, providing small and single-purpose components that can be combined. It integrates with Instructor for AI agent architecture and supports various APIs like Cohere, Anthropic, and Gemini. The tool includes documentation, examples, and testing features to ensure smooth development and usage.
data:image/s3,"s3://crabby-images/7b286/7b2860c36057d5713e285d69960b585b8e110ea4" alt="CoLLM Screenshot"
CoLLM
CoLLM is a novel method that integrates collaborative information into Large Language Models (LLMs) for recommendation. It converts recommendation data into language prompts, encodes them with both textual and collaborative information, and uses a two-step tuning method to train the model. The method incorporates user/item ID fields in prompts and employs a conventional collaborative model to generate user/item representations. CoLLM is built upon MiniGPT-4 and utilizes pretrained Vicuna weights for training.
data:image/s3,"s3://crabby-images/e119a/e119adb14b7aa46f00245c84ee0ebd4e824a62d1" alt="kafka-ml Screenshot"
kafka-ml
Kafka-ML is a framework designed to manage the pipeline of Tensorflow/Keras and PyTorch machine learning models on Kubernetes. It enables the design, training, and inference of ML models with datasets fed through Apache Kafka, connecting them directly to data streams like those from IoT devices. The Web UI allows easy definition of ML models without external libraries, catering to both experts and non-experts in ML/AI.
For similar tasks
data:image/s3,"s3://crabby-images/07aae/07aae9f6695cd8ec2ef21b69b3a66013b94ae689" alt="ersilia Screenshot"
ersilia
The Ersilia Model Hub is a unified platform of pre-trained AI/ML models dedicated to infectious and neglected disease research. It offers an open-source, low-code solution that provides seamless access to AI/ML models for drug discovery. Models housed in the hub come from two sources: published models from literature (with due third-party acknowledgment) and custom models developed by the Ersilia team or contributors.
For similar jobs
data:image/s3,"s3://crabby-images/83af9/83af9ca2ab5fdf545033d6fc0e86bfd2c89cbe80" alt="NoLabs Screenshot"
NoLabs
NoLabs is an open-source biolab that provides easy access to state-of-the-art models for bio research. It supports various tasks, including drug discovery, protein analysis, and small molecule design. NoLabs aims to accelerate bio research by making inference models accessible to everyone.
data:image/s3,"s3://crabby-images/6b89f/6b89fe288da8b4f17e2d6f8027d8572be86ca33a" alt="OpenCRISPR Screenshot"
OpenCRISPR
OpenCRISPR is a set of free and open gene editing systems designed by Profluent Bio. The OpenCRISPR-1 protein maintains the prototypical architecture of a Type II Cas9 nuclease but is hundreds of mutations away from SpCas9 or any other known natural CRISPR-associated protein. You can view OpenCRISPR-1 as a drop-in replacement for many protocols that need a cas9-like protein with an NGG PAM and you can even use it with canonical SpCas9 gRNAs. OpenCRISPR-1 can be fused in a deactivated or nickase format for next generation gene editing techniques like base, prime, or epigenome editing.
data:image/s3,"s3://crabby-images/07aae/07aae9f6695cd8ec2ef21b69b3a66013b94ae689" alt="ersilia Screenshot"
ersilia
The Ersilia Model Hub is a unified platform of pre-trained AI/ML models dedicated to infectious and neglected disease research. It offers an open-source, low-code solution that provides seamless access to AI/ML models for drug discovery. Models housed in the hub come from two sources: published models from literature (with due third-party acknowledgment) and custom models developed by the Ersilia team or contributors.
data:image/s3,"s3://crabby-images/eb695/eb6958d11be26a5e3b99c34059b5e64861ad0b1c" alt="ontogpt Screenshot"
ontogpt
OntoGPT is a Python package for extracting structured information from text using large language models, instruction prompts, and ontology-based grounding. It provides a command line interface and a minimal web app for easy usage. The tool has been evaluated on test data and is used in related projects like TALISMAN for gene set analysis. OntoGPT enables users to extract information from text by specifying relevant terms and provides the extracted objects as output.
data:image/s3,"s3://crabby-images/25fb1/25fb10d5131c2efa17226047b345137e85b0d769" alt="bia-bob Screenshot"
bia-bob
BIA `bob` is a Jupyter-based assistant for interacting with data using large language models to generate Python code. It can utilize OpenAI's chatGPT, Google's Gemini, Helmholtz' blablador, and Ollama. Users need respective accounts to access these services. Bob can assist in code generation, bug fixing, code documentation, GPU-acceleration, and offers a no-code custom Jupyter Kernel. It provides example notebooks for various tasks like bio-image analysis, model selection, and bug fixing. Installation is recommended via conda/mamba environment. Custom endpoints like blablador and ollama can be used. Google Cloud AI API integration is also supported. The tool is extensible for Python libraries to enhance Bob's functionality.
data:image/s3,"s3://crabby-images/0cab3/0cab3dcf66f930023ed03df8f5624e2b585d3d92" alt="Scientific-LLM-Survey Screenshot"
Scientific-LLM-Survey
Scientific Large Language Models (Sci-LLMs) is a repository that collects papers on scientific large language models, focusing on biology and chemistry domains. It includes textual, molecular, protein, and genomic languages, as well as multimodal language. The repository covers various large language models for tasks such as molecule property prediction, interaction prediction, protein sequence representation, protein sequence generation/design, DNA-protein interaction prediction, and RNA prediction. It also provides datasets and benchmarks for evaluating these models. The repository aims to facilitate research and development in the field of scientific language modeling.
data:image/s3,"s3://crabby-images/7f765/7f76597105b638dff253fb6eac0f87eafdbf90ea" alt="polaris Screenshot"
polaris
Polaris establishes a novel, industry‑certified standard to foster the development of impactful methods in AI-based drug discovery. This library is a Python client to interact with the Polaris Hub. It allows you to download Polaris datasets and benchmarks, evaluate a custom method against a Polaris benchmark, and create and upload new datasets and benchmarks.
data:image/s3,"s3://crabby-images/d58cd/d58cd706a635b5d65c7f6b90bff8fa665f5952ca" alt="awesome-AI4MolConformation-MD Screenshot"
awesome-AI4MolConformation-MD
The 'awesome-AI4MolConformation-MD' repository focuses on protein conformations and molecular dynamics using generative artificial intelligence and deep learning. It provides resources, reviews, datasets, packages, and tools related to AI-driven molecular dynamics simulations. The repository covers a wide range of topics such as neural networks potentials, force fields, AI engines/frameworks, trajectory analysis, visualization tools, and various AI-based models for protein conformational sampling. It serves as a comprehensive guide for researchers and practitioners interested in leveraging AI for studying molecular structures and dynamics.