Browse free open source Python UML Tools and projects below. Use the toggles on the left to filter open source Python UML Tools by OS, license, language, programming language, and project status.

  • Our Free Plans just got better! | Auth0 Icon
    Our Free Plans just got better! | Auth0

    With up to 25k MAUs and unlimited Okta connections, our Free Plan lets you focus on what you do best—building great apps.

    You asked, we delivered! Auth0 is excited to expand our Free and Paid plans to include more options so you can focus on building, deploying, and scaling applications without having to worry about your security. Auth0 now, thank yourself later.
    Try free now
  • Picsart Enterprise Background Removal API for Stunning eCommerce Visuals Icon
    Picsart Enterprise Background Removal API for Stunning eCommerce Visuals

    Instantly remove the background from your images in just one click.

    With our Remove Background API tool, you can access the transformative capabilities of automation , which will allow you to turn any photo asset into compelling product imagery. With elevated visuals quality on your digital platforms, you can captivate your audience, and therefore achieve higher engagement and sales.
    Learn More
  • 1
    SageMaker Training Toolkit

    SageMaker Training Toolkit

    Train machine learning models within Docker containers

    Train machine learning models within a Docker container using Amazon SageMaker. Amazon SageMaker is a fully managed service for data science and machine learning (ML) workflows. You can use Amazon SageMaker to simplify the process of building, training, and deploying ML models. To train a model, you can include your training script and dependencies in a Docker container that runs your training code. A container provides an effectively isolated environment, ensuring a consistent runtime and reliable training process. The SageMaker Training Toolkit can be easily added to any Docker container, making it compatible with SageMaker for training models. If you use a prebuilt SageMaker Docker image for training, this library may already be included. Write a training script (eg. train.py). Define a container with a Dockerfile that includes the training script and any dependencies.
    Downloads: 9 This Week
    Last Update:
    See Project
  • 2
    statsmodels

    statsmodels

    Statsmodels, statistical modeling and econometrics in Python

    statsmodels is a Python module that provides classes and functions for the estimation of many different statistical models, as well as for conducting statistical tests, and statistical data exploration. An extensive list of result statistics are available for each estimator. The results are tested against existing statistical packages to ensure that they are correct. The package is released under the open source Modified BSD (3-clause) license. Generalized linear models with support for all of the one-parameter exponential family distributions. Markov switching models (MSAR), also known as Hidden Markov Models (HMM). Vector autoregressive models, VAR and structural VAR. Vector error correction model, VECM. Robust linear models with support for several M-estimators. statsmodels supports specifying models using R-style formulas and pandas DataFrames.
    Downloads: 8 This Week
    Last Update:
    See Project
  • 3
    PyMC3

    PyMC3

    Probabilistic programming in Python

    PyMC3 allows you to write down models using an intuitive syntax to describe a data generating process. Fit your model using gradient-based MCMC algorithms like NUTS, using ADVI for fast approximate inference — including minibatch-ADVI for scaling to large datasets, or using Gaussian processes to build Bayesian nonparametric models. PyMC3 includes a comprehensive set of pre-defined statistical distributions that can be used as model building blocks. Sometimes an unknown parameter or variable in a model is not a scalar value or a fixed-length vector, but a function. A Gaussian process (GP) can be used as a prior probability distribution whose support is over the space of continuous functions. PyMC3 provides rich support for defining and using GPs. Variational inference saves computational cost by turning a problem of integration into one of optimization. PyMC3's variational API supports a number of cutting edge algorithms, as well as minibatch for scaling to large datasets.
    Downloads: 6 This Week
    Last Update:
    See Project
  • 4
    AWS Deep Learning Containers

    AWS Deep Learning Containers

    A set of Docker images for training and serving models in TensorFlow

    AWS Deep Learning Containers (DLCs) are a set of Docker images for training and serving models in TensorFlow, TensorFlow 2, PyTorch, and MXNet. Deep Learning Containers provide optimized environments with TensorFlow and MXNet, Nvidia CUDA (for GPU instances), and Intel MKL (for CPU instances) libraries and are available in the Amazon Elastic Container Registry (Amazon ECR). The AWS DLCs are used in Amazon SageMaker as the default vehicles for your SageMaker jobs such as training, inference, transforms etc. They've been tested for machine learning workloads on Amazon EC2, Amazon ECS and Amazon EKS services as well. This project is licensed under the Apache-2.0 License. Ensure you have access to an AWS account i.e. setup your environment such that awscli can access your account via either an IAM user or an IAM role.
    Downloads: 3 This Week
    Last Update:
    See Project
  • Cloud SQL for MySQL, PostgreSQL, and SQL Server Icon
    Cloud SQL for MySQL, PostgreSQL, and SQL Server

    Focus on your application, and leave the database to us

    Fully managed, cost-effective relational database service for PostgreSQL, MySQL, and SQL Server. Try Enterprise Plus edition for a 99.99% availability SLA and category-leading performance.
    Try it for free
  • 5
    DeepCTR-Torch

    DeepCTR-Torch

    Easy-to-use,Modular and Extendible package of deep-learning models

    DeepCTR-Torch is an easy-to-use, Modular and Extendible package of deep-learning-based CTR models along with lots of core components layers that can be used to build your own custom model easily.It is compatible with PyTorch.You can use any complex model with model.fit() and model.predict(). With the great success of deep learning, DNN-based techniques have been widely used in CTR estimation tasks. The data in the CTR estimation task usually includes high sparse,high cardinality categorical features and some dense numerical features. Low-order Extractor learns feature interaction through product between vectors. Factorization-Machine and it’s variants are widely used to learn the low-order feature interaction. High-order Extractor learns feature combination through complex neural network functions like MLP, Cross Net, etc.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 6
    SPE is a python IDE with auto indentation&completion,call tips,syntax coloring&highlighting,uml viewer,class explorer,source index,todo list,pycrust shell,file browsers,drag&drop,Blender support.Spe ships with wxGlade,PyChecker and Kiki.
    Downloads: 67 This Week
    Last Update:
    See Project
  • 7
    Image classification models for Keras

    Image classification models for Keras

    Keras code and weights files for popular deep learning models

    All architectures are compatible with both TensorFlow and Theano, and upon instantiation the models will be built according to the image dimension ordering set in your Keras configuration file at ~/.keras/keras.json. For instance, if you have set image_dim_ordering=tf, then any model loaded from this repository will get built according to the TensorFlow dimension ordering convention, "Width-Height-Depth". Pre-trained weights can be automatically loaded upon instantiation (weights='imagenet' argument in model constructor for all image models, weights='msd' for the music tagging model). Weights are automatically downloaded if necessary, and cached locally in ~/.keras/models/. This repository contains code for the following Keras models, VGG16, VGG19, ResNet50, Inception v3, and CRNN for music tagging.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 8
    PyText

    PyText

    A natural language modeling framework based on PyTorch

    PyText is a deep-learning based NLP modeling framework built on PyTorch. PyText addresses the often-conflicting requirements of enabling rapid experimentation and of serving models at scale. It achieves this by providing simple and extensible interfaces and abstractions for model components, and by using PyTorch’s capabilities of exporting models for inference via the optimized Caffe2 execution engine. We use PyText at Facebook to iterate quickly on new modeling ideas and then seamlessly ship them at scale. Distributed-training support built on the new C10d backend in PyTorch 1.0. Mixed precision training support through APEX (trains faster with less GPU memory on NVIDIA Tensor Cores). Extensible components that allows easy creation of new models and tasks.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 9
    SageMaker Chainer Containers

    SageMaker Chainer Containers

    Docker container for running Chainer scripts to train and host Chainer

    SageMaker Chainer Containers is an open-source library for making the Chainer framework run on Amazon SageMaker. This repository also contains Dockerfiles which install this library, Chainer, and dependencies for building SageMaker Chainer images. Amazon SageMaker utilizes Docker containers to run all training jobs & inference endpoints. The Docker images are built from the Dockerfiles specified in Docker/. The Docker files are grouped based on Chainer version and separated based on Python version and processor type. The Docker images, used to run training & inference jobs, are built from both corresponding "base" and "final" Dockerfiles. The "base" Dockerfile encompasses the installation of the framework and all of the dependencies needed. All "final" Dockerfiles build images using base images that use the tagging scheme.
    Downloads: 1 This Week
    Last Update:
    See Project
  • No-Nonsense Code-to-Cloud Security for Devs | Aikido Icon
    No-Nonsense Code-to-Cloud Security for Devs | Aikido

    Connect your GitHub, GitLab, Bitbucket, or Azure DevOps account to start scanning your repos for free.

    Aikido provides a unified security platform for developers, combining 12 powerful scans like SAST, DAST, and CSPM. AI-driven AutoFix and AutoTriage streamline vulnerability management, while runtime protection blocks attacks.
    Start for Free
  • 10
    SageMaker Hugging Face Inference Toolkit

    SageMaker Hugging Face Inference Toolkit

    Library for serving Transformers models on Amazon SageMaker

    SageMaker Hugging Face Inference Toolkit is an open-source library for serving Transformers models on Amazon SageMaker. This library provides default pre-processing, predict and postprocessing for certain Transformers models and tasks. It utilizes the SageMaker Inference Toolkit for starting up the model server, which is responsible for handling inference requests. For the Dockerfiles used for building SageMaker Hugging Face Containers, see AWS Deep Learning Containers. The SageMaker Hugging Face Inference Toolkit implements various additional environment variables to simplify your deployment experience. The Hugging Face Inference Toolkit allows user to override the default methods of the HuggingFaceHandlerService. SageMaker Hugging Face Inference Toolkit is licensed under the Apache 2.0 License.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 11
    TensorFlow Model Garden

    TensorFlow Model Garden

    Models and examples built with TensorFlow

    The TensorFlow Model Garden is a repository with a number of different implementations of state-of-the-art (SOTA) models and modeling solutions for TensorFlow users. We aim to demonstrate the best practices for modeling so that TensorFlow users can take full advantage of TensorFlow for their research and product development. To improve the transparency and reproducibility of our models, training logs on TensorBoard.dev are also provided for models to the extent possible though not all models are suitable. A flexible and lightweight library that users can easily use or fork when writing customized training loop code in TensorFlow 2.x. It seamlessly integrates with tf.distribute and supports running on different device types (CPU, GPU, and TPU).
    Downloads: 1 This Week
    Last Update:
    See Project
  • 12
    smclarify

    smclarify

    Fairness aware machine learning. Bias detection and mitigation

    Fairness Aware Machine Learning. Bias detection and mitigation for datasets and models. A facet is column or feature that will be used to measure bias against. A facet can have value(s) that designates that sample as "sensitive". Bias detection and mitigation for datasets and models. The label is a column or feature which is the target for training a machine learning model. The label can have value(s) that designates that sample as having a "positive" outcome. A bias measure is a function that returns a bias metric. A bias metric is a numerical value indicating the level of bias detected as determined by a particular bias measure. A collection of bias metrics for a given dataset or a combination of a dataset and model.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 13
    DAE Tools Project

    DAE Tools Project

    Object-oriented equation-based modelling and optimisation software

    DAE Tools is a cross-platform equation-based object-oriented modelling, simulation and optimisation software. It is not a modelling language nor a collection of numerical libraries but rather a higher level structure – an architectural design of interdependent software components providing an API for: - Model development/specification - Activities on developed models, such as simulation, optimisation, sensitivity analysis and parameter estimation - Processing of the results, such as plotting and exporting to various file formats - Report generation - Code generation, co-simulation and model exchange The following class of problems can be solved by DAE Tools: - Initial value problems of implicit form - Index-1 DAE systems - With lumped or distributed parameters - Steady-state or dynamic - Continuous with some elements of event-driven systems
    Leader badge
    Downloads: 15 This Week
    Last Update:
    See Project
  • 14
    KML is a knowledge base with support of logical modeling. Advanced model is used to represent knowledge as a set of statements similar to natural language sentences. This project hosts a set of model storage library and server (vrb-ols) and clients.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 15
    Coral is a tool and a development platform to create and transform models and modeling languages. It can be used to edit UML models, to develop editors for other modeling languages and to implement MDA and QVT-like model transformations.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 16
    PETRILab

    PETRILab

    Simulador de Redes de Petri Interpretadas para Controle

    O PETRILab é um software multiplataforma desenvolvido inteiramente em Python. Ele permite a modelagem e simulação de Redes de Petri Interpretadas para Controle (RPIC), tendo suporte a todos seus elementos: lugares, transições, arcos ordinários e inibidores, eventos, condições e ações. Com uma interface gráfica simples e intuitiva, o usuário consegue modelar e simular passo-a-passo sua RPIC de forma rápida e prática, afim de estudá-la e aprimorá-la. Além disso, o software conta com uma conversão automática de RPICs em diagramas Ladder, como proposto no artigo de M. V. Moreira e J. C. Basílio [1]. Para utilizar o programa, baixe a versão mais recente em https://sourceforge.net/projects/petrilab/files/, extraia no local de preferência e execute o arquivo 'petrilab.pyw'. [1] M. V. Moreira e J. C. Basílio, “Bridging the Gap Between Design and Implementation of Discrete-Event Controllers”.IEEE TRANSACTIONS ON AUTOMATION SCIENCE AND ENGINEERIN
    Downloads: 2 This Week
    Last Update:
    See Project
  • 17
    Pretty Damn Quick (PDQ) analytically solves queueing network models of computer and manufacturing systems, data networks, etc., written in conventional programming languages. Generic or customized reports of predicted performance measures are output.
    Leader badge
    Downloads: 2 This Week
    Last Update:
    See Project
  • 18

    geometry3d

    A Python library for geometric objects in 3 dimentions

    Implemented classes of 3d objects: * Vector * Point * Line * Plane * LineSegment Yet incompletely implemented classes: * Triangle * Disk (closed circle) * Union (a collection of 3d objects) Each object has methods for finding its sizes, containing box or containing sphere. It finds intersection and distance or closest to another object part of itself. It also can tell if it contains the other object or is it contained by that. Where appropriate, it's easy to check orthogonality and parallelism. Vectors are sub-typed from numpy ndarray class. Extensive unit tests are included. Test coverage exceeds 95%. See documentation of the library internals in section Files ( https://sourceforge.net/projects/geometry3d/files/ ).
    Downloads: 2 This Week
    Last Update:
    See Project
  • 19
    C++ Standard Airline IT Object Library
    That project aims at providing a clean API, and the corresponding C++ implementation, for the basis of Airline IT Business Object Model (BOM), ie, to be used by several other Open Source projects, such as RMOL, Air-Sched, Travel-CCM, OpenTREP, etc.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 20
    Our goal is to develop a full working solver for ATA (with 1 clock) in Python, with MTL to ATA support. The decidability for the emptiness problem was proposed by Lasota and Walukiewicz. The MTL to ATA was proposed by Ouaknine and Worrell.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 21
    Konzept is a small class diagram editor. Major design goal was usability. The project was inspired by the static diagram editor of the Toolkit of Conceptual Modelling. Konzept is a pure Qt application written in Python.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 22
    Most known is SPE, a python IDE with auto indentation&completion,call tips,syntax coloring&highlighting,uml viewer,class explorer,source index,todo list,pycrust shell,file browsers,drag&drop,Blender support.Spe ships with wxGlade,PyChecker and Kiki.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 23
    This project contains a set of tools for formal verification and static analysis of VHDL design.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 24
    Launch a customizable list of shell script from Dia
    Downloads: 1 This Week
    Last Update:
    See Project
  • 25
    itamm

    itamm

    Tool to design and share enterprise solutions, services and processes

    The tool is for people who design, analyze, optimize and develop processes, services and solution architectures. IT(A)-MM is a tool to design models of solutions, services and enterprise processes. It allows you to visualize data using popular BPMN and ArchiMate visualization notation. It also has its own extensible notation for visualizing enterprise environment objects. IT(A)-MM is easy to use and allows you to use it wherever you are. Using IT(A)-MM can be the first step towards deploy of the AIAS "A-STACK" to the enterprise environment. AIAS "A-STACK" is the complex tool for enterprise architecture management, IT infrastructure monitoring, meta-data management. See more on https://www.itursoft.ru/solutions
    Downloads: 1 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • 3
  • Next
Want the latest updates on software, tech news, and AI?
Get latest updates about software, tech news, and AI from SourceForge directly in your inbox once a month.