TorchFlare is a simple, beginner-friendly, and easy-to-use PyTorch Framework train your models effortlessly.

Overview

image

PyPI GitHub release (latest by date) CodeFactor Test documentation DeepSource DeepSource codecov made-with-python GitHub license Publish-PyPI

TorchFlare

TorchFlare is a simple, beginner-friendly and an easy-to-use PyTorch Framework train your models without much effort. It provides an almost Keras-like experience for training your models with all the callbacks, metrics, etc

Features

  • A high-level module for Keras-like training.
  • Off-the-shelf Pytorch style Datasets/Dataloaders for standard tasks such as Image classification, Image segmentation, Text Classification, etc
  • Callbacks for model checkpoints, early stopping, and much more!
  • Metrics and much more.

Currently, TorchFlare supports CPU and GPU training. DDP and TPU support will be coming soon!

Note : This library is in its nascent stage. So, there might be breaking changes.

Installation

pip install torchflare

Documentation

The Documentation is available here

Getting Started

The core idea around TorchFlare is the Experiment class. It handles all the internal stuff like boiler plate code for training, calling callbacks,metrics,etc. The only thing you need to focus on is creating you PyTorch Model.

Also, there are off-the-shelf pytorch style datasets/dataloaders available for standard tasks, so that you don't have to worry about creating Pytorch Datasets/Dataloaders.

Here is an easy-to-understand example to show how Experiment class works.

import torch
import torch.nn as nn
from torchflare.experiments import Experiment
import torchflare.callbacks as cbs
import torchflare.metrics as metrics

#Some dummy dataloaders
train_dl = SomeTrainingDataloader()
valid_dl = SomeValidationDataloader()
test_dl = SomeTestingDataloader()

Create a pytorch Model

model = nn.Sequential(
    nn.Linear(num_features, hidden_state_size),
    nn.ReLU(),
    nn.Linear(hidden_state_size, num_classes)
)

Define callbacks and metrics

metric_list = [metrics.Accuracy(num_classes=num_classes, multilabel=False),
                metrics.F1Score(num_classes=num_classes, multilabel=False)]

callbacks = [cbs.EarlyStopping(monitor="accuracy", mode="max"), cbs.ModelCheckpoint(monitor="accuracy")]

Define your experiment

# Set some constants for training
exp = Experiment(
    num_epochs=5,
    save_dir="./models",
    model_name="model.bin",
    fp16=False,
    using_batch_mixers=False,
    device="cuda",
    compute_train_metrics=True,
    seed=42,
)

# Compile your experiment with model, optimizer, schedulers, etc
exp.compile_experiment(
    model=net,
    optimizer="Adam",
    optimizer_params=dict(lr=3e-4),
    callbacks=callbacks,
    scheduler="ReduceLROnPlateau",
    scheduler_params=dict(mode="max", patience=5),
    criterion="cross_entropy",
    metrics=metric_list,
    main_metric="accuracy",
)

# Run your experiment with training dataloader and validation dataloader.
exp.run_experiment(train_dl=train_dl, valid_dl= valid_dl)

For inference, you can use infer method, which yields output per batch. You can use it as follows

outputs = []

for op in exp.infer(test_loader=test_dl , path='./models/model.bin' , device = 'cuda'):
    op = some_post_process_function(op)
    outputs.extend(op)

Experiment class internally saves a history.csv file which includes your training and validation metrics per epoch. This file can be found in same directory as save_dir argument.

If you want to access your experiments history or plot it. You can do it as follows.

history = exp.history.history # This will return a dict

# If you want to plot progress of particular metric as epoch progress use this.

exp.plot_history(key = "accuracy" , save_fig = False , plot_fig = True)

You can check out examples in examples/

Comments
  • Bump pydata-sphinx-theme from 0.6.3 to 0.8.1

    Bump pydata-sphinx-theme from 0.6.3 to 0.8.1

    Bumps pydata-sphinx-theme from 0.6.3 to 0.8.1.

    Release notes

    Sourced from pydata-sphinx-theme's releases.

    v0.8.1

    Enhancements made

    Left navigation menu to collapse at the "part" level

    ref: #594 (@​AakashGfude)

    Version switcher with pre-defined URLs

    ref: #575 (@​tupui) | #604 (@​choldgraf)

    The version switcher dropdown now uses a hard-coded URL for each version. This results in less brittle/breaking behavior over time, especially if you want to change the URL structure of old versions.

    Style changes

    v0.8.0

    This release brings in a number of new UI improvements and CSS bugfixes. It cleans up the layout of the site a bit more and gives you more customizability over several elements. In addition, we've done an overhaul of our contributing and demo site documentation.

    Enhancements

    • You can now add a version switcher to switch between documentation versions #436 (@​drammock)
    • There is now a "bottom" section in the left sidebar that always remains at the bottom of the screen regardless of sidebar content. This is for things like advertisements and buttons you don't want to move. #543 (@​choldgraf)
    • You can now include your own SVG / PNG images when creating icon links #542 (@​choldgraf)
    • You can now configure the depth of the sidebar navigation that is shown by default #493 (@​choldgraf)

    Bugs fixed

    Maintenance and upkeep improvements

    Documentation improvements

    Contributors to this release

    (GitHub contributors page for this release)

    @​12rambau | @​astrojuanlu | @​bollwyvl | @​bryevdv | @​choldgraf | @​damianavila | @​dopplershift | @​drammock | @​greglucas | @​jbednar | @​jorisvandenbossche | @​larsoner | @​mattip | @​MegChai | @​OriolAbril | @​pradyunsg | @​rgommers | @​ThuWangzw | @​tupui | @​yhuang85

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    documentation wontfix dependencies 
    opened by dependabot[bot] 3
  • Bump pydata-sphinx-theme from 0.6.3 to 0.8.0

    Bump pydata-sphinx-theme from 0.6.3 to 0.8.0

    Bumps pydata-sphinx-theme from 0.6.3 to 0.8.0.

    Release notes

    Sourced from pydata-sphinx-theme's releases.

    v0.8.0

    This release brings in a number of new UI improvements and CSS bugfixes. It cleans up the layout of the site a bit more and gives you more customizability over several elements. In addition, we've done an overhaul of our contributing and demo site documentation.

    Enhancements

    • You can now add a version switcher to switch between documentation versions #436 (@​drammock)
    • There is now a "bottom" section in the left sidebar that always remains at the bottom of the screen regardless of sidebar content. This is for things like advertisements and buttons you don't want to move. #543 (@​choldgraf)
    • You can now include your own SVG / PNG images when creating icon links #542 (@​choldgraf)
    • You can now configure the depth of the sidebar navigation that is shown by default #493 (@​choldgraf)

    Bugs fixed

    Maintenance and upkeep improvements

    Documentation improvements

    Contributors to this release

    (GitHub contributors page for this release)

    @​12rambau | @​astrojuanlu | @​bollwyvl | @​bryevdv | @​choldgraf | @​damianavila | @​dopplershift | @​drammock | @​greglucas | @​jbednar | @​jorisvandenbossche | @​larsoner | @​mattip | @​MegChai | @​OriolAbril | @​pradyunsg | @​rgommers | @​ThuWangzw | @​tupui | @​yhuang85

    v0.7.2

    This is a patch release that includes a fix for compatibility with sphinx 4.3.

    v0.7.1

    This is a patch release that includes a fix for translations in the "previous" and "next" buttons.

    v0.7.0

    (full changelog)

    Merged PRs

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    documentation wontfix dependencies 
    opened by dependabot[bot] 3
  • Bump sphinx from 4.1.2 to 4.4.0

    Bump sphinx from 4.1.2 to 4.4.0

    Bumps sphinx from 4.1.2 to 4.4.0.

    Release notes

    Sourced from sphinx's releases.

    v4.4.0

    Changelog: https://www.sphinx-doc.org/en/master/changes.html

    v4.3.1

    No release notes provided.

    Changelog

    Sourced from sphinx's changelog.

    Release 4.4.0 (released Jan 17, 2022)

    Dependencies

    • #10007: Use importlib_metadata for python-3.9 or older
    • #10007: Drop setuptools

    Features added

    • #9075: autodoc: Add a config variable :confval:autodoc_typehints_format to suppress the leading module names of typehints of function signatures (ex. io.StringIO -> StringIO)
    • #9831: Autosummary now documents only the members specified in a module's __all__ attribute if :confval:autosummary_ignore_module_all is set to False. The default behaviour is unchanged. Autogen also now supports this behavior with the --respect-module-all switch.
    • #9555: autosummary: Improve error messages on failure to load target object
    • #9800: extlinks: Emit warning if a hardcoded link is replaceable by an extlink, suggesting a replacement.
    • #9961: html: Support nested HTML elements in other HTML builders
    • #10013: html: Allow to change the loading method of JS via loading_method parameter for :meth:Sphinx.add_js_file()
    • #9551: html search: "Hide Search Matches" link removes "highlight" parameter from URL
    • #9815: html theme: Wrap sidebar components in div to allow customizing their layout via CSS
    • #9827: i18n: Sort items in glossary by translated terms
    • #9899: py domain: Allows to specify cross-reference specifier (. and ~) as :type: option
    • #9894: linkcheck: add option linkcheck_exclude_documents to disable link checking in matched documents.
    • #9793: sphinx-build: Allow to use the parallel build feature in macOS on macOS and Python3.8+
    • #10055: sphinx-build: Create directories when -w option given
    • #9993: std domain: Allow to refer an inline target (ex. ``_target name```) via :rst:role:ref` role
    • #9981: std domain: Strip value part of the option directive from general index
    • #9391: texinfo: improve variable in samp role
    • #9578: texinfo: Add :confval:texinfo_cross_references to disable cross references for readability with standalone readers
    • #9822 (and #9062), add new Intersphinx role :rst:role:external for explict lookup in the external projects, without resolving to the local project.

    Bugs fixed

    • #9866: autodoc: doccomment for the imported class was ignored

    ... (truncated)

    Commits
    • 88f9647 Bump to 4.4.0 final
    • fc428ad Merge pull request #9822 from jakobandersen/intersphinx_role
    • 5d595ec intersphinx role, simplify role_name check
    • 6ee0ecb intersphinx role, simplify role name matching
    • 3bf8bcd intersphinx role, update docs
    • c11b109 intersphinx role: :external+inv:: instead of :external:inv+:
    • 9589a2b intersphinx role, remove redundant method
    • 941db55 intersphinx role, fix flake8 warnings
    • 9a3f2b8 intersphinx role, CHANGES
    • 540d760 intersphinx role, documentation
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    documentation wontfix dependencies 
    opened by dependabot[bot] 3
  • Bump transformers from 4.9.2 to 4.24.0

    Bump transformers from 4.9.2 to 4.24.0

    Bumps transformers from 4.9.2 to 4.24.0.

    Release notes

    Sourced from transformers's releases.

    v4.24.0: ESM-2/ESMFold, LiLT, Flan-T5, Table Transformer and Contrastive search decoding

    ESM-2/ESMFold

    ESM-2 and ESMFold are new state-of-the-art Transformer protein language and folding models from Meta AI's Fundamental AI Research Team (FAIR). ESM-2 is trained with a masked language modeling objective, and it can be easily transferred to sequence and token classification tasks for proteins. Checkpoints exist in various sizes, from 8 million parameters up to a huge 15 billion parameter model.

    ESMFold is a state-of-the-art single sequence protein folding model which produces high accuracy predictions significantly faster. Unlike previous protein folding tools like AlphaFold2 and openfold, ESMFold uses a pretrained protein language model to generate token embeddings that are used as input to the folding model, and so does not require a multiple sequence alignment (MSA) of related proteins as input. As a result, proteins can be folded in a single forward pass of the model without requiring any external databases or search/alignment tools to be present at inference time. This hugely reduces the time and compute requirements for folding.

    Transformer protein language models were introduced in the paper Biological structure and function emerge from scaling unsupervised learning to 250 million protein sequences by Alexander Rives, Joshua Meier, Tom Sercu, Siddharth Goyal, Zeming Lin, Jason Liu, Demi Guo, Myle Ott, C. Lawrence Zitnick, Jerry Ma, and Rob Fergus.

    ESMFold was introduced in the paper Language models of protein sequences at the scale of evolution enable accurate structure prediction by Zeming Lin, Halil Akin, Roshan Rao, Brian Hie, Zhongkai Zhu, Wenting Lu, Allan dos Santos Costa, Maryam Fazel-Zarandi, Tom Sercu, Sal Candido, and Alexander Rives.

    LiLT

    LiLT allows to combine any pre-trained RoBERTa text encoder with a lightweight Layout Transformer, to enable LayoutLM-like document understanding for many languages.

    It was proposed in LiLT: A Simple yet Effective Language-Independent Layout Transformer for Structured Document Understanding by Jiapeng Wang, Lianwen Jin, Kai Ding.

    Flan-T5

    FLAN-T5 is an enhanced version of T5 that has been finetuned on a mixture of tasks.

    It was released in the paper Scaling Instruction-Finetuned Language Models by Hyung Won Chung, Le Hou, Shayne Longpre, Barret Zoph, Yi Tay, William Fedus, Eric Li, Xuezhi Wang, Mostafa Dehghani, Siddhartha Brahma, Albert Webson, Shixiang Shane Gu, Zhuyun Dai, Mirac Suzgun, Xinyun Chen, Aakanksha Chowdhery, Sharan Narang, Gaurav Mishra, Adams Yu, Vincent Zhao, Yanping Huang, Andrew Dai, Hongkun Yu, Slav Petrov, Ed H. Chi, Jeff Dean, Jacob Devlin, Adam Roberts, Denny Zhou, Quoc V. Le, and Jason Wei.

    Table Transformer

    Table Transformer is a model that can perform table extraction and table structure recognition from unstructured documents based on the DETR architecture.

    It was proposed in PubTables-1M: Towards comprehensive table extraction from unstructured documents by Brandon Smock, Rohith Pesala, Robin Abraham.

    Contrastive search decoding

    Contrastive search decoding is a new state-of-the-art generation method which aims at reducing the repetitive patterns in which generation models often fall.

    It was introduced in A Contrastive Framework for Neural Text Generation by Yixuan Su, Tian Lan, Yan Wang, Dani Yogatama, Lingpeng Kong, Nigel Collier.

    • Adding the state-of-the-art contrastive search decoding methods for the codebase of generation_utils.py by @​gmftbyGMFTBY in #19477

    Safety and security

    We continue to explore the new serialization format not using Pickle via the safetensors library, this time by adding support for TensorFlow models. More checkpoints have been converted to this format. Support is still experimental.

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump torchvision from 0.10.0 to 0.14.0

    Bump torchvision from 0.10.0 to 0.14.0

    Bumps torchvision from 0.10.0 to 0.14.0.

    Release notes

    Sourced from torchvision's releases.

    TorchVision 0.14, including new model registration API, new models, weights, augmentations, and more

    Highlights

    [BETA] New Model Registration API

    Following up on the multi-weight support API that was released on the previous version, we have added a new model registration API to help users retrieve models and weights. There are now 4 new methods under the torchvision.models module: get_model, get_model_weights, get_weight, and list_models. Here are examples of how we can use them:

    import torchvision
    from torchvision.models import get_model, get_model_weights, list_models
    

    max_params = 5000000

    tiny_models = [] for model_name in list_models(module=torchvision.models): weights_enum = get_model_weights(model_name) if len([w for w in weights_enum if w.meta["num_params"] <= max_params]) > 0: tiny_models.append(model_name)

    print(tiny_models)

    ['mnasnet0_5', 'mnasnet0_75', 'mnasnet1_0', 'mobilenet_v2', ...]

    model = get_model(tiny_models[0], weights="DEFAULT") print(sum(x.numel() for x in model.state_dict().values()))

    2239188

    As of now, this API is still beta and there might be changes in the future in order to improve its usability based on your feedback.

    New Architecture and Model Variants

    Classification Models

    We’ve added the Swin Transformer V2 architecture along with pre-trained weights for its tiny/small/base variants. In addition, we have added support for the MaxViT transformer. Here is an example on how to use the models:

    import torch
    from torchvision.models import *
    

    image = torch.rand(1, 3, 224, 224) model = swin_v2_t(weights="DEFAULT").eval()

    model = maxvit_t(weights="DEFAULT").eval()

    prediction = model(image) </tr></table>

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump wandb from 0.10.27 to 0.13.3

    Bump wandb from 0.10.27 to 0.13.3

    Bumps wandb from 0.10.27 to 0.13.3.

    Release notes

    Sourced from wandb's releases.

    v0.13.3

    0.13.3 (September 8, 2022)

    :nail_care: Enhancement

    :broom: Cleanup

    ... (truncated)

    Changelog

    Sourced from wandb's changelog.

    0.13.3 (September 8, 2022)

    :nail_care: Enhancement

    :broom: Cleanup

    ... (truncated)

    Commits
    • 7ed1dcd clean up changelog
    • a1731c1 bump version to 0.13.3
    • d7e8395 update CHANGELOG.md for 0.13.3
    • 534c725 fix(tables): Deserialization of numeric columns (#4241)
    • b28bfa9 Docs: Update ref docs for wandb.init to give more info on special characters ...
    • 643b25d make pulling sweeps optional when using public api to query for runs (#4186)
    • dfbcbb7 feat(modelreg): add the ability to log artifact while linking to registered m...
    • 8f9177a Add sentry session tracking (#4157)
    • 54d64ef fix RecursionError when printing public API User object without email fetched...
    • b9683f4 Remove reassignment of run function in public api (#4115)
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 2
  • Bump tensorboard from 2.6.0 to 2.10.1

    Bump tensorboard from 2.6.0 to 2.10.1

    Bumps tensorboard from 2.6.0 to 2.10.1.

    Release notes

    Sourced from tensorboard's releases.

    TensorBoard 2.10.1

    Bug Fixes

    • Fix embedding projector plugin. (#5944)

    TensorBoard 2.10.0

    The 2.10 minor series tracks TensorFlow 2.10.

    Features

    • Time Series is now the default dashboard when you log scalar, histogram, or image events (#5698). If you have feedback or find any bugs you can leave a comment here (#5704) or create a new issue
    • Time Series now supports selecting a single run using double click (#5831, #5842)

    Bug Fixes

    • Stop removing experiment related query parameters (#5717, #5834)
    • Fix the histogram x-axis tick format (#5818)
    • Keep pinned cards when refreshing UI (#5837)
    • Fix "Card Width" property reset button (#5841)
    • Numerous fixes for dependencies and unit tests

    TensorBoard 2.9.1

    Bug fixes

    • Force protobuf dependency < 3.20 to workaround incompatibilities with newer protobuf versions (#5726)
    • Recognize text/javascript as valid js mimetype for caching purposes (#5746)

    TensorBoard 2.9.0

    Release 2.9.0

    The 2.9 minor series tracks TensorFlow 2.9.

    Features

    • Prefer the WebGL Renderer (#5492, #5494)
    • New --detect_file_replacement flag allows showing new data even when event files are replaced entirely rather than appended to. Useful for rsync and some cloud filesystems (#5529, #5546, see also #349)
    • Support for s3://, hdfs://, and other cloud filesystems no longer included in TensorFlow 2.6+ - requires installing tensorflow-io package (#5491)

    Bug fixes

    • Fix for incorrect alpha-channel layering (#5571, #5567)
    • Fix histogram tooltips that bleed out of content box. (#5631)
    • Fix for run table overlapping text in npmi plugin (#5468)
    • Numerous internal fixes & refactorings related to navigation & state management
    • Removes dependency on org_tensorflow (#5528)

    TensorBoard 2.8.0

    The 2.8 minor series tracks TensorFlow 2.8.

    Features

    ... (truncated)

    Changelog

    Sourced from tensorboard's changelog.

    Release 2.10.1

    Bug Fixes

    • Fix embedding projector plugin. (#5944)

    Release 2.10.0

    The 2.10 minor series tracks TensorFlow 2.10.

    Features

    • Time Series is now the default dashboard when you log scalar, histogram, or image events (#5698). If you have feedback or find any bugs you can leave a comment here (#5704) or create a new issue
    • Time Series now supports selecting a single run using double click (#5831, #5842)

    Bug Fixes

    • Stop removing experiment related query parameters (#5717, #5834)
    • Fix the histogram x-axis tick format (#5818)
    • Keep pinned cards when refreshing UI (#5837)
    • Fix "Card Width" property reset button (#5841)
    • Numerous fixes for dependencies and unit tests

    Release 2.9.1

    Bug fixes

    • Force protobuf dependency < 3.20 to workaround incompatibilities with newer protobuf versions (#5726)
    • Recognize text/javascript as valid js mimetype for caching purposes (#5746)

    Release 2.9.0

    The 2.9 minor series tracks TensorFlow 2.9.

    Features

    • Prefer the WebGL Renderer (#5492, #5494)
    • New --detect_file_replacement flag allows showing new data even when event files are replaced entirely rather than appended to. Useful for rsync and some cloud filesystems (#5529, #5546, see also #349)
    • Support for s3://, hdfs://, and other cloud filesystems no longer included in TensorFlow 2.6+ - requires installing tensorflow-io package (#5491)

    Bug fixes

    • Fix for incorrect alpha-channel layering (#5571, #5567)
    • Fix histogram tooltips that bleed out of content box. (#5631)
    • Fix for run table overlapping text in npmi plugin (#5468)
    • Numerous internal fixes & refactorings related to navigation & state management
    • Removes dependency on org_tensorflow (#5528)

    Release 2.8.0

    The 2.8 minor series tracks TensorFlow 2.8.

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 2
  • Bump pydata-sphinx-theme from 0.6.3 to 0.10.1

    Bump pydata-sphinx-theme from 0.6.3 to 0.10.1

    Bumps pydata-sphinx-theme from 0.6.3 to 0.10.1.

    Release notes

    Sourced from pydata-sphinx-theme's releases.

    v0.10.1

    What's Changed

    Full Changelog: https://github.com/pydata/pydata-sphinx-theme/compare/v0.10.0...v0.10.1

    v0.10.0

    This release refactors the HTML structure of the theme, with the goal of making it more functional at mobile widths. There are several changes to the underlying HTML theme structure, so double-check any custom CSS rules.

    Enhancements made

    Sidebar and header improvements

    Style improvements

    Documentation improvements

    Other merged PRs

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    documentation wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump torchvision from 0.10.0 to 0.13.1

    Bump torchvision from 0.10.0 to 0.13.1

    Bumps torchvision from 0.10.0 to 0.13.1.

    Release notes

    Sourced from torchvision's releases.

    Minor release

    This minor release bumps the pinned PyTorch version to v1.12.1 and contains some minor bug fixes.

    Highlights

    Bug Fixes

    TorchVision 0.13, including new Multi-weights API, new pre-trained weights, and more

    Highlights

    Models

    Multi-weight support API

    TorchVision v0.13 offers a new Multi-weight support API for loading different weights to the existing model builder methods:

    from torchvision.models import *
    

    Old weights with accuracy 76.130%

    resnet50(weights=ResNet50_Weights.IMAGENET1K_V1)

    New weights with accuracy 80.858%

    resnet50(weights=ResNet50_Weights.IMAGENET1K_V2)

    Best available weights (currently alias for IMAGENET1K_V2)

    Note that these weights may change across versions

    resnet50(weights=ResNet50_Weights.DEFAULT)

    Strings are also supported

    resnet50(weights="IMAGENET1K_V2")

    No weights - random initialization

    resnet50(weights=None)

    The new API bundles along with the weights important details such as the preprocessing transforms and meta-data such as labels. Here is how to make the most out of it:

    from torchvision.io import read_image
    from torchvision.models import resnet50, ResNet50_Weights
    

    </tr></table>

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump torchmetrics from 0.5.0 to 0.9.3

    Bump torchmetrics from 0.5.0 to 0.9.3

    Bumps torchmetrics from 0.5.0 to 0.9.3.

    Release notes

    Sourced from torchmetrics's releases.

    Minor patch release

    [0.9.3] - 2022-08-22

    Added

    • Added global option sync_on_compute to disable automatic synchronization when compute is called (#1107)

    Fixed

    • Fixed missing reset in ClasswiseWrapper (#1129)
    • Fixed JaccardIndex multi-label compute (#1125)
    • Fix SSIM propagate device if gaussian_kernel is False, add test (#1149)

    Contributors

    @​KeVoyer1, @​krshrimali, @​SkafteNicki

    If we forgot someone due to not matching commit email with GitHub account, let us know :]

    Minor patch release

    [0.9.2] - 2022-06-29

    Fixed

    • Fixed mAP calculation for areas with 0 predictions (#1080)
    • Fixed bug where avg precision state and auroc state was not merge when using MetricCollections (#1086)
    • Skip box conversion if no boxes are present in MeanAveragePrecision (#1097)
    • Fixed inconsistency in docs and code when setting average="none" in AvaragePrecision metric (#1116)

    Contributors

    @​23pointsNorth, @​kouyk, @​SkafteNicki

    If we forgot someone due to not matching commit email with GitHub account, let us know :]

    Minor PL compatibility patch

    [0.9.1] - 2022-06-08

    Added

    • Added specific RuntimeError when metric object is on the wrong device (#1056)
    • Added an option to specify own n-gram weights for BLEUScore and SacreBLEUScore instead of using uniform weights only. (#1075)

    Fixed

    • Fixed aggregation metrics when input only contains zero (#1070)
    • Fixed TypeError when providing superclass arguments as kwargs (#1069)
    • Fixed bug related to state reference in metric collection when using compute groups (#1076)

    Contributors

    ... (truncated)

    Changelog

    Sourced from torchmetrics's changelog.

    [0.9.3] - 2022-08-22

    Added

    • Added global option sync_on_compute to disable automatic synchronization when compute is called (#1107)

    Fixed

    • Fixed missing reset in ClasswiseWrapper (#1129)
    • Fixed JaccardIndex multi-label compute (#1125)
    • Fix SSIM propagate device if gaussian_kernel is False, add test (#1149)

    [0.9.2] - 2022-06-29

    Fixed

    • Fixed mAP calculation for areas with 0 predictions (#1080)
    • Fixed bug where avg precision state and auroc state was not merge when using MetricCollections (#1086)
    • Skip box conversion if no boxes are present in MeanAveragePrecision (#1097)
    • Fixed inconsistency in docs and code when setting average="none" in AvaragePrecision metric (#1116)

    [0.9.1] - 2022-06-08

    Added

    • Added specific RuntimeError when metric object is on the wrong device (#1056)
    • Added an option to specify own n-gram weights for BLEUScore and SacreBLEUScore instead of using uniform weights only. (#1075)

    Fixed

    • Fixed aggregation metrics when input only contains zero (#1070)
    • Fixed TypeError when providing superclass arguments as kwargs (#1069)
    • Fixed bug related to state reference in metric collection when using compute groups (#1076)

    [0.9.0] - 2022-05-30

    Added

    • Added RetrievalPrecisionRecallCurve and RetrievalRecallAtFixedPrecision to retrieval package (#951)
    • Added class property full_state_update that determines forward should call update once or twice ( #984, #1033)
    • Added support for nested metric collections (#1003)
    • Added Dice to classification package (#1021)
    • Added support to segmentation type segm as IOU for mean average precision (#822)

    Changed

    ... (truncated)

    Commits
    • ff61c48 release 0.9.3
    • 909ad97 fix warning message (#1157)
    • 6bb5542 Fix notation typo in cosine similarity docs (#1155)
    • 7a5e9b7 Fix: (SSIM) propagate device if gaussian_kernel is False, add test (#1149)
    • af8b327 Bugfix: Update message regarding connection issues to the HF hub (#1141)
    • c9faed4 Fix missing reset in classwise wrapper (#1129)
    • cac8bb2 Fix: JaccardIndex multi-label compute (#1125)
    • 9e842cd Fix broken links in readme (#1130)
    • c62d235 Option to disable automatic syncronization (#1107)
    • 91322eb Fix average typing hint for classification metrics and add "none" option to...
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump torchvision from 0.10.0 to 0.13.0

    Bump torchvision from 0.10.0 to 0.13.0

    Bumps torchvision from 0.10.0 to 0.13.0.

    Release notes

    Sourced from torchvision's releases.

    TorchVision 0.13, including new Multi-weights API, new pre-trained weights, and more

    Highlights

    Models

    Multi-weight support API

    TorchVision v0.13 offers a new Multi-weight support API for loading different weights to the existing model builder methods:

    from torchvision.models import *
    

    Old weights with accuracy 76.130%

    resnet50(weights=ResNet50_Weights.IMAGENET1K_V1)

    New weights with accuracy 80.858%

    resnet50(weights=ResNet50_Weights.IMAGENET1K_V2)

    Best available weights (currently alias for IMAGENET1K_V2)

    Note that these weights may change across versions

    resnet50(weights=ResNet50_Weights.DEFAULT)

    Strings are also supported

    resnet50(weights="IMAGENET1K_V2")

    No weights - random initialization

    resnet50(weights=None)

    The new API bundles along with the weights important details such as the preprocessing transforms and meta-data such as labels. Here is how to make the most out of it:

    from torchvision.io import read_image
    from torchvision.models import resnet50, ResNet50_Weights
    

    img = read_image("test/assets/encode_jpeg/grace_hopper_517x606.jpg")

    Step 1: Initialize model with the best available weights

    weights = ResNet50_Weights.DEFAULT model = resnet50(weights=weights) model.eval()

    Step 2: Initialize the inference transforms

    preprocess = weights.transforms()

    </tr></table>

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    wontfix dependencies 
    opened by dependabot[bot] 2
  • Bump torchvision from 0.10.0 to 0.14.1

    Bump torchvision from 0.10.0 to 0.14.1

    Bumps torchvision from 0.10.0 to 0.14.1.

    Release notes

    Sourced from torchvision's releases.

    TorchVision 0.14.1 Release

    This is a minor release, which is compatible with PyTorch 1.13.1. There are no new features added.

    TorchVision 0.14, including new model registration API, new models, weights, augmentations, and more

    Highlights

    [BETA] New Model Registration API

    Following up on the multi-weight support API that was released on the previous version, we have added a new model registration API to help users retrieve models and weights. There are now 4 new methods under the torchvision.models module: get_model, get_model_weights, get_weight, and list_models. Here are examples of how we can use them:

    import torchvision
    from torchvision.models import get_model, get_model_weights, list_models
    

    max_params = 5000000

    tiny_models = [] for model_name in list_models(module=torchvision.models): weights_enum = get_model_weights(model_name) if len([w for w in weights_enum if w.meta["num_params"] <= max_params]) > 0: tiny_models.append(model_name)

    print(tiny_models)

    ['mnasnet0_5', 'mnasnet0_75', 'mnasnet1_0', 'mobilenet_v2', ...]

    model = get_model(tiny_models[0], weights="DEFAULT") print(sum(x.numel() for x in model.state_dict().values()))

    2239188

    As of now, this API is still beta and there might be changes in the future in order to improve its usability based on your feedback.

    New Architecture and Model Variants

    Classification Models

    We’ve added the Swin Transformer V2 architecture along with pre-trained weights for its tiny/small/base variants. In addition, we have added support for the MaxViT transformer. Here is an example on how to use the models:

    import torch
    from torchvision.models import *
    

    image = torch.rand(1, 3, 224, 224) </tr></table>

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
  • Bump transformers from 4.9.2 to 4.25.1

    Bump transformers from 4.9.2 to 4.25.1

    Bumps transformers from 4.9.2 to 4.25.1.

    Release notes

    Sourced from transformers's releases.

    PyTorch 2.0 support, Audio Spectogram Transformer, Jukebox, Switch Transformers and more

    PyTorch 2.0 stack support

    We are very excited by the newly announced PyTorch 2.0 stack. You can enable torch.compile on any of our models, and get support with the Trainer (and in all our PyTorch examples) by using the torchdynamo training argument. For instance, just add --torchdynamo inductor when launching those examples from the command line.

    This API is still experimental and may be subject to changes as the PyTorch 2.0 stack matures.

    Note that to get the best performance, we recommend:

    • using an Ampere GPU (or more recent)
    • sticking to fixed shaped for now (so use --pad_to_max_length in our examples)

    Audio Spectrogram Transformer

    The Audio Spectrogram Transformer model was proposed in AST: Audio Spectrogram Transformer by Yuan Gong, Yu-An Chung, James Glass. The Audio Spectrogram Transformer applies a Vision Transformer to audio, by turning audio into an image (spectrogram). The model obtains state-of-the-art results for audio classification.

    Jukebox

    The Jukebox model was proposed in Jukebox: A generative model for music by Prafulla Dhariwal, Heewoo Jun, Christine Payne, Jong Wook Kim, Alec Radford, Ilya Sutskever. It introduces a generative music model which can produce minute long samples that can be conditionned on an artist, genres and lyrics.

    Switch Transformers

    The SwitchTransformers model was proposed in Switch Transformers: Scaling to Trillion Parameter Models with Simple and Efficient Sparsity by William Fedus, Barret Zoph, Noam Shazeer.

    It is the first MoE model supported in transformers, with the largest checkpoint currently available currently containing 1T parameters.

    RocBert

    The RoCBert model was proposed in RoCBert: Robust Chinese Bert with Multimodal Contrastive Pretraining by HuiSu, WeiweiShi, XiaoyuShen, XiaoZhou, TuoJi, JiaruiFang, JieZhou. It’s a pretrained Chinese language model that is robust under various forms of adversarial attacks.

    CLIPSeg

    The CLIPSeg model was proposed in Image Segmentation Using Text and Image Prompts by Timo Lüddecke and Alexander Ecker. CLIPSeg adds a minimal decoder on top of a frozen CLIP model for zero- and one-shot image segmentation.

    NAT and DiNAT

    NAT

    NAT was proposed in Neighborhood Attention Transformer by Ali Hassani, Steven Walton, Jiachen Li, Shen Li, and Humphrey Shi.

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
  • Bump wandb from 0.10.27 to 0.13.7

    Bump wandb from 0.10.27 to 0.13.7

    Bumps wandb from 0.10.27 to 0.13.7.

    Release notes

    Sourced from wandb's releases.

    v0.13.7

    What's Changed

    :hammer: Fixes

    • revert(artifacts): revert Circular reference detected change to resolve Object of type Tensor is not JSON serializable by @​raubitsj in wandb/wandb#4629

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.6...v0.13.7

    v0.13.6

    What's Changed

    :magic_wand: Enhancements

    :hammer: Fixes

    :books: Docs

    :gear: Dev

    :nail_care: Cleanup

    ... (truncated)

    Changelog

    Sourced from wandb's changelog.

    0.13.7 (December 14, 2022)

    :hammer: Fixes

    • revert(artifacts): revert Circular reference detected change to resolve Object of type Tensor is not JSON serializable by @​raubitsj in wandb/wandb#4629

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.6...v0.13.7

    0.13.6 (December 6, 2022)

    :magic_wand: Enhancements

    :hammer: Fixes

    :books: Docs

    :gear: Dev

    :nail_care: Cleanup

    ... (truncated)

    Commits
    • 597de7d Bump version: 0.13.7.dev1 → 0.13.7
    • 2e6e6af Bump version: 0.13.6 → 0.13.7.dev1
    • 7cd53ec add changelog
    • e3ea7e0 revert(artifacts): revert fix circular reference detected error when updating...
    • b298c3e build(sdk): temporarily pin jax in tests because of breaking changes (#4632)
    • c176867 Update CHANGELOG.md
    • 32d4b0a fix changelog
    • f03ebe9 update changelog
    • 0df8eef Bump version: 0.13.6.dev1 → 0.13.6
    • 6f71775 build(sdk): remove dependency on six by modifying vendored libs (#4280)
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
  • Bump numpy from 1.20.3 to 1.24.1

    Bump numpy from 1.20.3 to 1.24.1

    Bumps numpy from 1.20.3 to 1.24.1.

    Release notes

    Sourced from numpy's releases.

    v1.24.1

    NumPy 1.24.1 Release Notes

    NumPy 1.24.1 is a maintenance release that fixes bugs and regressions discovered after the 1.24.0 release. The Python versions supported by this release are 3.8-3.11.

    Contributors

    A total of 12 people contributed to this release. People with a "+" by their names contributed a patch for the first time.

    • Andrew Nelson
    • Ben Greiner +
    • Charles Harris
    • Clément Robert
    • Matteo Raso
    • Matti Picus
    • Melissa Weber Mendonça
    • Miles Cranmer
    • Ralf Gommers
    • Rohit Goswami
    • Sayed Adel
    • Sebastian Berg

    Pull requests merged

    A total of 18 pull requests were merged for this release.

    • #22820: BLD: add workaround in setup.py for newer setuptools
    • #22830: BLD: CIRRUS_TAG redux
    • #22831: DOC: fix a couple typos in 1.23 notes
    • #22832: BUG: Fix refcounting errors found using pytest-leaks
    • #22834: BUG, SIMD: Fix invalid value encountered in several ufuncs
    • #22837: TST: ignore more np.distutils.log imports
    • #22839: BUG: Do not use getdata() in np.ma.masked_invalid
    • #22847: BUG: Ensure correct behavior for rows ending in delimiter in...
    • #22848: BUG, SIMD: Fix the bitmask of the boolean comparison
    • #22857: BLD: Help raspian arm + clang 13 about __builtin_mul_overflow
    • #22858: API: Ensure a full mask is returned for masked_invalid
    • #22866: BUG: Polynomials now copy properly (#22669)
    • #22867: BUG, SIMD: Fix memory overlap in ufunc comparison loops
    • #22868: BUG: Fortify string casts against floating point warnings
    • #22875: TST: Ignore nan-warnings in randomized out tests
    • #22883: MAINT: restore npymath implementations needed for freebsd
    • #22884: BUG: Fix integer overflow in in1d for mixed integer dtypes #22877
    • #22887: BUG: Use whole file for encoding checks with charset_normalizer.

    Checksums

    ... (truncated)

    Commits
    • a28f4f2 Merge pull request #22888 from charris/prepare-1.24.1-release
    • f8fea39 REL: Prepare for the NumPY 1.24.1 release.
    • 6f491e0 Merge pull request #22887 from charris/backport-22872
    • 48f5fe4 BUG: Use whole file for encoding checks with charset_normalizer [f2py] (#22...
    • 0f3484a Merge pull request #22883 from charris/backport-22882
    • 002c60d Merge pull request #22884 from charris/backport-22878
    • 38ef9ce BUG: Fix integer overflow in in1d for mixed integer dtypes #22877 (#22878)
    • bb00c68 MAINT: restore npymath implementations needed for freebsd
    • 64e09c3 Merge pull request #22875 from charris/backport-22869
    • dc7bac6 TST: Ignore nan-warnings in randomized out tests
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
  • Bump neptune-client from 0.13.0 to 0.16.15

    Bump neptune-client from 0.13.0 to 0.16.15

    Bumps neptune-client from 0.13.0 to 0.16.15.

    Release notes

    Sourced from neptune-client's releases.

    0.16.15

    Fixes

    • Correct detection of missing attributes (#1155)
    • Fixed entrypoint upload on Windows when entrypoint and source files doesnt share same drive (#1161)

    0.16.14

    Features

    • Add append and extend (#1050)

    0.16.13

    Changes

    • Automatically Clean junk metadata on script runs (#1083, #1093)
    • New neptune clear command (#1091, #1094)
    • neptune sync removes junk metadata (#1092)
    • Increase LOGGED_IMAGE_SIZE_LIMIT_MB to 32MB (#1090)

    Fixes

    • Fix possible deadlock in stop() (#1104)
    • Add request size limit to avoid 403 error (#1089)

    0.16.12

    Changes

    • Building a package with Poetry (#1069)
    • Automatically convert image and html like assignments to uploads (#1006)
    • File.from_stream does not load content into memory (#1065)
    • Move sync and status commands to neptune.new.cli package #1078
    • neptune status - shows trashed containers #1079
    • Drop limits for in-memory Files (#1070)

    0.16.11

    Fixes

    • Fixed versioneer configuration and version detection in conda package

    Changes

    • Upload in-memory files using copy stored on disk

    0.16.10

    Features

    • Track artifacts on S3 compatible storage (#1053)

    Fixes

    • Update jsonschema requirement with explicit format specifier (#1010)
    • Escape inputs to SQL in Artifact LocalFileHashStorage (#1034)
    • jsonschema requirements unpined and patched related Bravado issue (#1051)
    • Version checking with importlib and versioneer config update (#1048)

    Changes

    • More consistent and strict way of git repository, source files and entrypoint detection (#1007)
    • Moved neptune and neptune_cli to src dir (#1027)
    • fetch_runs_table(...), fetch_models_table(...) and fetch_model_versions_table(...) now queries only non-trashed (#1033)

    ... (truncated)

    Changelog

    Sourced from neptune-client's changelog.

    neptune-client 0.16.15

    Fixes

    • Correct detection of missing attributes (#1155)
    • Fixed entrypoint upload on Windows when entrypoint and source files doesnt share same drive (#1161)

    neptune-client 0.16.14

    Features

    • Add append and extend (#1050)

    neptune-client 0.16.13

    Changes

    • Automatically Clean junk metadata on script runs (#1083, #1093)
    • New neptune clear command (#1091, #1094)
    • neptune sync removes junk metadata (#1092)
    • Increase LOGGED_IMAGE_SIZE_LIMIT_MB to 32MB (#1090)

    Fixes

    • Fix possible deadlock in stop() (#1104)
    • Add request size limit to avoid 403 error (#1089)

    neptune-client 0.16.12

    Changes

    • Building a package with Poetry (#1069)
    • Automatically convert image and html like assignments to uploads (#1006)
    • File.from_stream does not load content into memory (#1065)
    • Move sync and status commands to neptune.new.cli package #1078
    • neptune status - shows trashed containers #1079
    • Drop limits for in-memory Files (#1070)

    neptune-client 0.16.11

    Fixes

    • Fixed versioneer configuration and version detection in conda package (#1061)

    Changes

    • Upload in-memory files using copy stored on disk (#1052)

    neptune-client 0.16.10

    Features

    • Track artifacts on S3 compatible storage (#1053)

    Fixes

    • Update jsonschema requirement with explicit format specifier (#1010)
    • Escape inputs to SQL in Artifact LocalFileHashStorage (#1034)
    • jsonschema requirements unpined and patched related Bravado issue (#1051)

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
  • Bump comet-ml from 3.15.1 to 3.31.21

    Bump comet-ml from 3.15.1 to 3.31.21

    Bumps comet-ml from 3.15.1 to 3.31.21.

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    dependencies 
    opened by dependabot[bot] 0
Releases(0.2.4)
  • 0.2.4(Sep 27, 2021)

    • 🥳 New documentation/Logo
    • 💯 Updated Trainer
    • New Examples
    • Added ISSUE/PR templates
    • ⭐ Integrated GRADIO-APP for easy prototyping.
    • 🥳 Updated Data-pipelines
    • Bug-fixes
    • 💯 Integrated support for torchmetrics.
    Source code(tar.gz)
    Source code(zip)
  • 0.2.3(Jun 28, 2021)

    • API improvements 🥳
    • Flexible training using API 🔥
    • Callback Decorators 🥳
    • GAN Tutorials 😮
    • Improvements in documentation 🥳
    • Bug Fixes 🥳
    Source code(tar.gz)
    Source code(zip)
  • 0.2.2(Jun 1, 2021)

  • 0.2.1(May 12, 2021)

    • Improved experiment API.
    • Added fit methods.
    • Added internal progress bar callback.
    • Improved SlackNotifier Callback.
    • Added more tutorials.
    • Bug Fixes
    Source code(tar.gz)
    Source code(zip)
  • 0.2.0(May 2, 2021)

    • Streamlined workflow of Experiment Class.
    • Added keras like progress bar.
    • Modified history access.
    • Modified early_stopping, model_checkpoint.
    • Added LRScheduler callbacks.
    • Added Interpretability modules.
    Source code(tar.gz)
    Source code(zip)
  • v0.1.0(Apr 21, 2021)

    Overall

    • First official release of torchflare.
    • Documentation and Docs added.
    • CI/CD with github actions.
    • Support of CPU/GPU training. DDP and TPU support coming soon.
    • Experiment Module provides keras like workflow with additional metrics and callbacks.
    • Off-shelf datasets and dataloaders for standard tasks like image classification, image segmetation,etc
    • Metric Learning modules like ArcFace, CosFace,etc
    Source code(tar.gz)
    Source code(zip)
Owner
Atharva Phatak
Curious person who loves to solve problems !
Atharva Phatak
BMN: Boundary-Matching Network

BMN: Boundary-Matching Network A pytorch-version implementation codes of paper: "BMN: Boundary-Matching Network for Temporal Action Proposal Generatio

qinxin 260 Dec 06, 2022
Code and data of the Fine-Grained R2R Dataset proposed in paper Sub-Instruction Aware Vision-and-Language Navigation

Fine-Grained R2R Code and data of the Fine-Grained R2R Dataset proposed in the EMNLP2020 paper Sub-Instruction Aware Vision-and-Language Navigation. C

YicongHong 34 Nov 15, 2022
An implementation for the loss function proposed in Decoupled Contrastive Loss paper.

Decoupled-Contrastive-Learning This repository is an implementation for the loss function proposed in Decoupled Contrastive Loss paper. Requirements P

Ramin Nakhli 71 Dec 04, 2022
2 Jul 19, 2022
Code for: Imagine by Reasoning: A Reasoning-Based Implicit Semantic Data Augmentation for Long-Tailed Classification

Imagine by Reasoning: A Reasoning-Based Implicit Semantic Data Augmentation for Long-Tailed Classification Prerequisite PyTorch = 1.2.0 Python3 torch

16 Dec 14, 2022
[CVPR2021] DoDNet: Learning to segment multi-organ and tumors from multiple partially labeled datasets

DoDNet This repo holds the pytorch implementation of DoDNet: DoDNet: Learning to segment multi-organ and tumors from multiple partially labeled datase

116 Dec 12, 2022
Train Scene Graph Generation for Visual Genome and GQA in PyTorch >= 1.2 with improved zero and few-shot generalization.

Scene Graph Generation Object Detections Ground truth Scene Graph Generated Scene Graph In this visualization, woman sitting on rock is a zero-shot tr

Boris Knyazev 93 Dec 28, 2022
RepMLP: Re-parameterizing Convolutions into Fully-connected Layers for Image Recognition

RepMLP: Re-parameterizing Convolutions into Fully-connected Layers for Image Recognition (PyTorch) Paper: https://arxiv.org/abs/2105.01883 Citation: @

260 Jan 03, 2023
👐OpenHands : Making Sign Language Recognition Accessible (WiP 🚧👷‍♂️🏗)

👐 OpenHands: Sign Language Recognition Library Making Sign Language Recognition Accessible Check the documentation on how to use the library: ReadThe

AI4Bhārat 69 Dec 12, 2022
Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals

LapDepth-release This repository is a Pytorch implementation of the paper "Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals" M

Minsoo Song 205 Dec 30, 2022
A Number Recognition algorithm

Paddle-VisualAttention Results_Compared SVHN Dataset Methods Steps GPU Batch Size Learning Rate Patience Decay Step Decay Rate Training Speed (FPS) Ac

1 Nov 12, 2021
Efficient and Scalable Physics-Informed Deep Learning and Scientific Machine Learning on top of Tensorflow for multi-worker distributed computing

Notice: Support for Python 3.6 will be dropped in v.0.2.1, please plan accordingly! Efficient and Scalable Physics-Informed Deep Learning Collocation-

tensordiffeq 74 Dec 09, 2022
An open-source, low-cost, image-based weed detection device for fallow scenarios.

Welcome to the OpenWeedLocator (OWL) project, an opensource hardware and software green-on-brown weed detector that uses entirely off-the-shelf compon

Guy Coleman 145 Jan 05, 2023
Transformers provides thousands of pretrained models to perform tasks on different modalities such as text, vision, and audio.

English | 简体中文 | 繁體中文 | 한국어 State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow 🤗 Transformers provides thousands of pretrained models

Clara Meister 50 Nov 12, 2022
curl-impersonate: A special compilation of curl that makes it impersonate Chrome & Firefox

curl-impersonate A special compilation of curl that makes it impersonate real browsers. It can impersonate the four major browsers: Chrome, Edge, Safa

lwthiker 1.9k Jan 03, 2023
[CVPR2021 Oral] UP-DETR: Unsupervised Pre-training for Object Detection with Transformers

UP-DETR: Unsupervised Pre-training for Object Detection with Transformers This is the official PyTorch implementation and models for UP-DETR paper: @a

dddzg 430 Dec 23, 2022
A setup script to generate ITK Python Wheels

ITK Python Package This project provides a setup.py script to build ITK Python binary packages and infrastructure to build ITK external module Python

Insight Software Consortium 59 Dec 14, 2022
Meta Learning Backpropagation And Improving It (VSML)

Meta Learning Backpropagation And Improving It (VSML) This is research code for the NeurIPS 2021 publication Kirsch & Schmidhuber 2021. Many concepts

Louis Kirsch 22 Dec 21, 2022
PyTorch implementations of the NeRF model described in "NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis"

PyTorch NeRF and pixelNeRF NeRF: Tiny NeRF: pixelNeRF: This repository contains minimal PyTorch implementations of the NeRF model described in "NeRF:

Michael A. Alcorn 178 Dec 20, 2022
Official and maintained implementation of the paper "OSS-Net: Memory Efficient High Resolution Semantic Segmentation of 3D Medical Data" [BMVC 2021].

OSS-Net: Memory Efficient High Resolution Semantic Segmentation of 3D Medical Data Christoph Reich, Tim Prangemeier, Özdemir Cetin & Heinz Koeppl | Pr

Christoph Reich 23 Sep 21, 2022