Showing 884 open source projects for "ofn-scripts"

View related business solutions
  • 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
  • Context for your AI agents Icon
    Context for your AI agents

    Crawl websites, sync to vector databases, and power RAG applications. Pre-built integrations for LLM pipelines and AI assistants.

    Build data pipelines that feed your AI models and agents without managing infrastructure. Crawl any website, transform content, and push directly to your preferred vector store. Use 10,000+ tools for RAG applications, AI assistants, and real-time knowledge bases. Monitor site changes, trigger workflows on new data, and keep your AIs fed with fresh, structured information. Cloud-native, API-first, and free to start until you need to scale.
    Try for free
  • 1
    VoteNet

    VoteNet

    Deep Hough Voting for 3D Object Detection in Point Clouds

    ...VoteNet works end-to-end: it learns the voting, aggregation, and bounding-box regression components jointly, enabling strong detection accuracy without relying on 2D proxies or voxelization. The codebase includes data preparation for indoor datasets (SUN RGB-D, ScanNet), training and evaluation scripts, and demo utilities to visualize predicted boxes over point clouds.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    PixelCNN

    PixelCNN

    Code for the paper "PixelCNN++: A PixelCNN Implementation..."

    ...The repository demonstrates how to apply masked convolutions to enforce autoregressive dependencies and achieve tractable likelihood-based training. It also includes scripts for reproducing key experimental results from the paper, such as conditional sampling on datasets like CIFAR-10. The project serves as both a research reference and a practical framework for experimenting with autoregressive generative models. Although archived, PixelCNN has influenced a wide range of later work in generative modeling, including advancements in image transformers and diffusion models.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 3
    cocoNLP

    cocoNLP

    A Chinese information extraction tool

    ...The project blends pattern-based methods with NLP heuristics, giving developers dependable results for real-world texts like chats, comments, and user-generated content. Its API is intentionally simple, so you can drop it into scripts, ETL jobs, or dashboards without deep ML expertise. Because it aims at utility over complexity, it’s useful for prototyping data products or building lightweight text analytics where large models would be overkill. The repository also includes examples and test snippets to help you understand expected inputs and typical outputs, which shortens the learning curve for newcomers.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    Image Super-Resolution (ISR)

    Image Super-Resolution (ISR)

    Super-scale your images and run experiments with Residual Dense

    The goal of this project is to upscale and improve the quality of low-resolution images. This project contains Keras implementations of different Residual Dense Networks for Single Image Super-Resolution (ISR) as well as scripts to train these networks using content and adversarial loss components. Docker scripts and Google Colab notebooks are available to carry training and prediction. Also, we provide scripts to facilitate training on the cloud with AWS and Nvidia-docker with only a few commands. When training your own model, start with only PSNR loss (50+ epochs, depending on the dataset) and only then introduce GANS and feature loss. ...
    Downloads: 2 This Week
    Last Update:
    See Project
  • Free and Open Source HR Software Icon
    Free and Open Source HR Software

    OrangeHRM provides a world-class HRIS experience and offers everything you and your team need to be that HR hero you know that you are.

    Give your HR team the tools they need to streamline administrative tasks, support employees, and make informed decisions with the OrangeHRM free and open source HR software.
    Learn More
  • 5
    mazeman

    mazeman

    A scriptable 2d randomizable maze game

    ...A very terse and powerful scripting language and an integrated script debugger enable users to generate their own maze designs. Maze is a mesmerizing addictive and fascinating puzzle with a deceptively simple premise. Scripts allow new players to acquire skills gently and provide diabolically dastard puzzles for the expert. The included maze help manual is an exhaustive treatise of mazeology that will enlighten you to the subtle beauty of maze's simplicity and sophistication. The desktop screenshot shows the two versions running side by side for comparison.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 6
    PyTracking

    PyTracking

    Visual tracking library based on PyTorch

    A general python framework for visual object tracking and video object segmentation, based on PyTorch. Official implementation of the RTS (ECCV 2022), ToMP (CVPR 2022), KeepTrack (ICCV 2021), LWL (ECCV 2020), KYS (ECCV 2020), PrDiMP (CVPR 2020), DiMP (ICCV 2019), and ATOM (CVPR 2019) trackers, including complete training code and trained models.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    TensorFlow Course

    TensorFlow Course

    Simple and ready-to-use tutorials for TensorFlow

    This repository houses a highly popular (~16k stars) set of TensorFlow tutorials and example code aimed at beginners and intermediate users. It includes Jupyter notebooks and scripts that cover neural network fundamentals, model training, deployment, and more, with support for Google Colab.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8

    MARVIN

    The Multifaceted Automated Response Virtual Intelligence Network

    MARVIN is a collection of scripts designed for intuitive automation. Check out the Wiki! MINION for Windows added: Very basic functionality Updated for 1.0: Python 3.0 support Improved install.sh script Includes ability to install chore packages
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Budou

    Budou

    Budou is an auto organizer tool for beautiful line breaking in CJK

    ...The tool supports multiple segmentation backends, including Google Cloud Natural Language API, MeCab, and TinySegmenter, enabling flexibility for both cloud-based and offline processing. Budou can be used via command line, in Python scripts, or integrated into web applications, and it provides advanced options such as caching and entity recognition for improved segmentation accuracy.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Rent Manager Software Icon
    Rent Manager Software

    Landlords, multi-family homes, manufactured home communities, single family homes, associations, commercial properties and mixed portfolios.

    Rent Manager is award-winning property management software built for residential, commercial, and short-term-stay portfolios of any size. The program’s fully customizable features include a double-entry accounting system, maintenance management/scheduling, marketing integration, mobile applications, more than 450 insightful reports, and an API that integrates with the best PropTech providers on the market.
    Learn More
  • 10
    Torchreid

    Torchreid

    Deep learning person re-identification in PyTorch

    Torchreid is a library for deep-learning person re-identification, written in PyTorch and developed for our ICCV’19 project, Omni-Scale Feature Learning for Person Re-Identification. In "deep-person-reid/scripts/", we provide a unified interface to train and test a model. See "scripts/main.py" and "scripts/default_config.py" for more details. The folder "configs/" contains some predefined configs which you can use as a starting point. The code will automatically (download and) load the ImageNet pretrained weights. After the training is done, the model will be saved as "log/osnet_x1_0_market1501_softmax_cosinelr/model.pth.tar-250". ...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 11
    DeepSDF

    DeepSDF

    Learning Continuous Signed Distance Functions for Shape Representation

    DeepSDF is a deep learning framework for continuous 3D shape representation using Signed Distance Functions (SDFs), as presented in the CVPR 2019 paper DeepSDF: Learning Continuous Signed Distance Functions for Shape Representation by Park et al. The framework learns a continuous implicit function that maps 3D coordinates to their corresponding signed distances from object surfaces, allowing compact, high-fidelity shape modeling. Unlike traditional discrete voxel grids or meshes, DeepSDF...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 12
    BoTube2

    BoTube2

    IRC Bot

    BoTube2 is another IRC BOT with an advanced plugin system that makes easy to develop new capabilities, by now there are only 12 plugins developed, you can develop more if you want. Added first revision of documentation for the plugin developer (spanish only by now). Would you like to enpower Botube2 with your own plugin? Lots of bugfixes here!
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    powerfactory-fmu

    powerfactory-fmu

    The FMI++ PowerFactory FMU Export Utility

    ...It is based on code from the FMI++ library and the Boost C++ libraries. The FMI++ PowerFactory FMU Export Utility provides a graphical user interface (new in version v1.0) and - alternatively - Python scripts that generate FMUs from certain PowerFactory models. Additional files (e.g., time series files) and start values for exported variables can be specified. Currently, two types of simulations are supported: In quasi-static steady-state simulations a power system’s evolution with respect to time is captured by a series of load flow snapshots. ...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 14
    RoboSchool

    RoboSchool

    Open source software for robot simulation, integrated with OpenAI Gym

    ...It integrates with OpenAI Gym and provides a variety of continuous control tasks, including humanoid locomotion, quadrupeds, and robotic arms. The library is built on the Bullet Physics engine, making it accessible without the licensing requirements of Mujoco. Roboschool includes training scripts and examples for applying reinforcement learning algorithms to its environments. While the project has since been deprecated in favor of more modern frameworks, it remains historically significant as a bridge between early reinforcement learning research and scalable, open-access environments. Its goal was to make reproducible robot learning experiments available to a wider audience without restrictive dependencies .
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15

    trading-oanda

    Python scripts for trading on Oanda

    Python scripts for trading on Oanda
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    GPT-2 FR

    GPT-2 FR

    GPT-2 French demo | Démo française de GPT-2

    OpenAI GPT-2 model trained on four different datasets in French. Books in French, French film scripts, reports of parliamentary debates, Tweet by Emmanuel Macron, allowing to generate text. Tensorflow and gpt-2-simple are required in order to fine-tune GPT-2. Create an environment then install the two packages pip install tensorflow==1.14 gpt-2-simple. A script and a notebook are available in the src folder to fine-tune GPT-2 on your own datasets.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17

    ordinals

    Collection of scripts for transfinite ordinals computations

    Collection of scripts for transfinite ordinals computations
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    pysourceinfo

    pysourceinfo

    RTTI for Python Source and Binary Files

    The 'pysourceinfo' package provides source information on Python runtime objects based on 'inspect', 'sys', 'os', and 'imp'. The covered objects include packages, modules, functions, methods, scripts, and classes by two views: - File System View - packages, modules, and linenumbers - based on files and paths - Runtime Object View - callables, classes, and containers - based on in-memory RTTI / introspection The supported platforms are: - Linux, BSD, Unix, OS-X, Cygwin, and Windows - Python2, Python3 - CPython, PyPy Object addresses within modules - Object Identifier OID - and the display of the runtime call flow are supported by 'PyStackInfo'. ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    I3D models trained on Kinetics

    I3D models trained on Kinetics

    Convolutional neural network model for video classification

    ...The models have achieved state-of-the-art results on benchmark datasets such as UCF101 and HMDB51, and also won first place in the CVPR 2017 Charades Challenge. The project provides TensorFlow and Sonnet-based implementations, pretrained checkpoints, and example scripts for evaluating or fine-tuning models. It also offers sample data, including preprocessed video frames and optical flow arrays, to demonstrate how to run inference and visualize outputs.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 20

    pyindi-client

    Python binding to the libindi library

    ...It uses the Simplified Wrapper and Interface Generator (SWIG). You may generate a PyIndi module which mainly defines an IndiClient class. This class could be used to build python scripts able to interact with indi servers using sendNew* methods and implementing new* methods of the BaseMediator class. PyQt applications may also be built on top of IndiClient, thus allowing rapid development of GUI Indi clients. Besides Python there are also bindings for node.js, Tcl (incomplete) and PHP (not useful). As application examples you will find a Python Websocket server with which you may build a web application interacting with Indi servers, and a simple PyQt application similar to the Kstars Indi Control Panel (was built as an exercise). ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    InferSent

    InferSent

    InferSent sentence embeddings

    ...Trained on large NLI datasets, the embeddings generalize across tasks like sentiment analysis, entailment, paraphrase detection, and semantic similarity with simple linear classifiers. The repository provides pretrained vectors, training scripts, and clear examples for evaluating transfer on a wide suite of benchmarks. Because the encoder is compact and language-agnostic at the interface level, it’s easy to drop into production pipelines that need robust semantic features. InferSent helped popularize the idea that supervised objectives (like NLI) can yield strong general-purpose sentence encoders, and it remains a reliable baseline against which to compare newer models.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    GIF for CLI

    GIF for CLI

    Takes in a GIF, short video, or a query to the Tenor GIF API

    ...The tool includes conveniences such as looping control, scaling to fit your terminal, and caching to avoid repeated downloads. It’s useful for quick visual feedback, lightweight demos, or just adding some personality to scripts and readmes. Despite its whimsical nature, the project is a tight example of frame decoding, timing, and terminal rendering glued together in a single command.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    maskrcnn-benchmark

    maskrcnn-benchmark

    Fast, modular reference implementation of Instance Segmentation

    ...Built as a reference implementation, it became a foundation for the next-generation Detectron2, yet remains widely used for research needing a stable, reproducible environment. Visualization tools, model zoo checkpoints, and benchmark scripts make it easy to replicate state-of-the-art results or fine-tune models for custom tasks.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    PyRobot

    PyRobot

    An Open Source Robotics Research Platform

    PyRobot is a high-level robotics API that simplifies controlling real and simulated robots through a consistent Python interface. Instead of fighting ROS internals, you call clear methods for things like base navigation, arm manipulation, and camera capture, and PyRobot handles the plumbing. It was built to make research repeatable on accessible platforms—most notably low-cost mobile manipulators—while still scaling to richer hardware. The library exposes canonical abstractions (base, arm,...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    RefineNet

    RefineNet

    RefineNet: Multi-Path Refinement Networks

    ...It provides trained models for datasets such as PASCAL VOC 2012, Cityscapes, NYUDv2, Person_Parts, PASCAL_Context, SUNRGBD, and ADE20k, with versions based on ResNet-101 and ResNet-152 backbones. The repository supports both single-scale and multi-scale prediction, with scripts for training, testing, and evaluating segmentation performance. While this codebase is specific to MATLAB and MatConvNet, a PyTorch implementation and lighter-weight variants are also available from the community.
    Downloads: 3 This Week
    Last Update:
    See Project