Client - πŸ”₯ A tool for visualizing and tracking your machine learning experiments

Overview

Weights & Biases Weights & Biases

Weights and Biases ci pypi codecov

Use W&B to build better models faster. Track and visualize all the pieces of your machine learning pipeline, from datasets to production models.

  • Quickly identify model regressions. Use W&B to visualize results in real time, all in a central dashboard.
  • Focus on the interesting ML. Spend less time manually tracking results in spreadsheets and text files.
  • Capture dataset versions with W&B Artifacts to identify how changing data affects your resulting models.
  • Reproduce any model, with saved code, hyperparameters, launch commands, input data, and resulting model weights.

Sign up for a free account β†’

Features

  • Store hyper-parameters used in a training run
  • Search, compare, and visualize training runs
  • Analyze system usage metrics alongside runs
  • Collaborate with team members
  • Replicate historic results
  • Run parameter sweeps
  • Keep records of experiments available forever

Documentation β†’

If you have any questions, please don't hesitate to ask in our user forum.

🀝 Simple integration with any framework

Install wandb library and login:

pip install wandb
wandb login

Flexible integration for any Python script:

import wandb

# 1. Start a W&B run
wandb.init(project='gpt3')

# 2. Save model inputs and hyperparameters
config = wandb.config
config.learning_rate = 0.01

# Model training code here ...

# 3. Log metrics over time to visualize performance
for i in range (10):
    wandb.log({"loss": loss})

Try in a colab β†’

If you have any questions, please don't hesitate to ask in our user forum.

Explore a W&B dashboard

Academic Researchers

If you'd like a free academic account for your research group, reach out to us β†’

We make it easy to cite W&B in your published paper. Learn more β†’

πŸ“ˆ Track model and data pipeline hyperparameters

Set wandb.config once at the beginning of your script to save your hyperparameters, input settings (like dataset name or model type), and any other independent variables for your experiments. This is useful for analyzing your experiments and reproducing your work in the future. Setting configs also allows you to visualize the relationships between features of your model architecture or data pipeline and the model performance (as seen in the screenshot above).

wandb.init()
wandb.config.epochs = 4
wandb.config.batch_size = 32
wandb.config.learning_rate = 0.001
wandb.config.architecture = "resnet"

πŸ— Use your favorite framework

πŸ₯• Keras

In Keras, you can use our callback to automatically save all the metrics tracked in model.fit. To get you started here's a minimal example:

# Import W&B
import wandb
from wandb.keras import WandbCallback

# Step1: Initialize W&B run
wandb.init(project='project_name')

# 2. Save model inputs and hyperparameters
config = wandb.config
config.learning_rate = 0.01

# Model training code here ...

# Step 3: Add WandbCallback 
model.fit(X_train, y_train,  validation_data=(X_test, y_test),
          callbacks=[WandbCallback()])

πŸ”₯ PyTorch

W&B provides first class support for PyTorch. To automatically log gradients and store the network topology, you can call .watch and pass in your PyTorch model. Then use .log for anything else you want to track, like so:

import wandb

# 1. Start a new run
wandb.init(project="gpt-3")

# 2. Save model inputs and hyperparameters
config = wandb.config
config.dropout = 0.01

# 3. Log gradients and model parameters
wandb.watch(model)
for batch_idx, (data, target) in enumerate(train_loader):
  ...  
  if batch_idx % args.log_interval == 0:      
    # 4. Log metrics to visualize performance
    wandb.log({"loss": loss})

🌊 TensorFlow

The simplest way to log metrics in TensorFlow is by logging tf.summary with our TensorFlow logger:

import wandb

# 1. Start a W&B run
wandb.init(project='gpt3')

# 2. Save model inputs and hyperparameters
config = wandb.config
config.learning_rate = 0.01

# Model training here

# 3. Log metrics over time to visualize performance
with tf.Session() as sess:
  # ...
  wandb.tensorflow.log(tf.summary.merge_all())

πŸ’¨ fastai

Visualize, compare, and iterate on fastai models using Weights & Biases with the WandbCallback.

import wandb
from fastai.callback.wandb import WandbCallback

# 1. Start a new run
wandb.init(project="gpt-3")

# 2. Automatically log model metrics
learn.fit(..., cbs=WandbCallback())

⚑️ PyTorch Lightning

Build scalable, structured, high-performance PyTorch models with Lightning and log them with W&B.

from pytorch_lightning.loggers import WandbLogger
from pytorch_lightning import Trainer

wandb_logger = WandbLogger(project="gpt-3")
trainer = Trainer(logger=wandb_logger)

πŸ€— HuggingFace

Just run a script using HuggingFace's Trainer in an environment where wandb is installed and we'll automatically log losses, evaluation metrics, model topology and gradients:

# 1. Install the wandb library
pip install wandb

# 2. Run a script that has the Trainer to automatically logs metrics, model topology and gradients
python run_glue.py \
 --model_name_or_path bert-base-uncased \
 --task_name MRPC \
 --data_dir $GLUE_DIR/$TASK_NAME \
 --do_train \
 --evaluate_during_training \
 --max_seq_length 128 \
 --per_gpu_train_batch_size 32 \
 --learning_rate 2e-5 \
 --num_train_epochs 3 \
 --output_dir /tmp/$TASK_NAME/ \
 --overwrite_output_dir \
 --logging_steps 50

🧹 Optimize hyperparameters with Sweeps

Use Weights & Biases Sweeps to automate hyperparameter optimization and explore the space of possible models.

Get started in 5 mins β†’

Try Sweeps in PyTorch in a Colab β†’

Benefits of using W&B Sweeps

  • Quick to setup: With just a few lines of code you can run W&B sweeps.
  • Transparent: We cite all the algorithms we're using, and our code is open source.
  • Powerful: Our sweeps are completely customizable and configurable. You can launch a sweep across dozens of machines, and it's just as easy as starting a sweep on your laptop.

Weights & Biases

Common use cases

  • Explore: Efficiently sample the space of hyperparameter combinations to discover promising regions and build an intuition about your model.
  • Optimize: Use sweeps to find a set of hyperparameters with optimal performance.
  • K-fold cross validation: Here's a brief code example of k-fold cross validation with W&B Sweeps.

Visualize Sweeps results

The hyperparameter importance plot surfaces which hyperparameters were the best predictors of, and highly correlated to desirable values for your metrics.

Weights & Biases

Parallel coordinates plots map hyperparameter values to model metrics. They're useful for honing in on combinations of hyperparameters that led to the best model performance.

Weights & Biases

πŸ“œ Share insights with Reports

Reports let you organize visualizations, describe your findings, and share updates with collaborators.

Common use cases

  • Notes: Add a graph with a quick note to yourself.
  • Collaboration: Share findings with your colleagues.
  • Work log: Track what you've tried and plan next steps.

Explore reports in The Gallery β†’ | Read the Docs

Once you have experiments in W&B, you can visualize and document results in Reports with just a few clicks. Here's a quick demo video.

🏺 Version control datasets and models with Artifacts

Git and GitHub make code version control easy, but they're not optimized for tracking the other parts of the ML pipeline: datasets, models, and other large binary files.

W&B's Artifacts are. With just a few extra lines of code, you can start tracking you and your team's outputs, all directly linked to run.

Try Artifacts in a Colab β†’

Common use cases

  • Pipeline Management: Track and visualize the inputs and outputs of your runs as a graph
  • Don't Repeat Yourselfβ„’: Prevent the duplication of compute effort
  • Sharing Data in Teams: Collaborate on models and datasets without all the headaches

Learn about Artifacts here β†’ | Read the Docs

Testing

To run basic test use make test. More detailed information can be found at CONTRIBUTING.md.

We use circleci for CI.

Comments
  • Run state reported as

    Run state reported as "crashed", but the execution is still running fine

    Python 3.7.6 wandb version 0.10.10 Debian GNU/Linux 9 (stretch)

    Hello,

    I have an ongoing run whose state is reported as "crashed" in wandb interface. However, I checked my terminal and the script is still running fine. The "crashed" state appeared 2h10m after the launch of the script and the script is still running at the moment I am posting this message. It is expected to last around 37 hours. Should I stop the execution and relaunch the script? Or is there a way to manually edit the logged values in the wandb interface once the running is finished?

    bug 
    opened by oliviersalaun 49
  • Error communicating with backend

    Error communicating with backend

    Hi,

    Sorry for creating this as a new issue, but technically it is. I added a comment to #1287 about this, but since it is a different problem, I thought it would be best to track it in a new issue. Copying the comment from the previous thread:

    I am on version 0.10.4 of the client and I faced a similar error which I'm guessing is network error. It happened on one of the multiple similar runs.

    From what I can tell, it seems something went wrong with login/init. Can the client circumvent this without crashing? Something simple I can think of is just allowing the user to increase the timeout, so the client just keeps polling the backend till it connects, rather than stopping the run. I'm not sure if this has problems I haven't thought about.

    Thanks!

    Here's the stack trace:

    wandb: ERROR Error communicating with backend
    Traceback (most recent call last):
      File "runners/mme/mme.py", line 64, in <module>
        config=args, reinit=True, project=project)
      File "/home/grad3/samarthm/bitbucket-misc/ssda_mme/utils/ioutils.py", line 398, in init
        wandb.init(*args, **kwargs)
      File "/home/grad3/samarthm/anaconda3/envs/pytorch3conda/lib/python3.7/site-packages/wandb/sdk/wandb_init.py", line 460, in init
        run = wi.init()
      File "/home/grad3/samarthm/anaconda3/envs/pytorch3conda/lib/python3.7/site-packages/wandb/sdk/wandb_init.py", line 378, in init
        raise UsageError(error_message)
    wandb.errors.error.UsageError: Error communicating with backend
    
    bug stale 
    opened by samarth4149 48
  • Download and sync offline runs in progress

    Download and sync offline runs in progress

    Is it possible to add functionality that would allow you to download and sync an offline run while it is executing? It would be nice to be able to get periodic updates on how a run is performing in a convenient form. When I try to sync an executing offline run on version 0.10.2 I get:

    Exception in thread Thread-1: Traceback (most recent call last): File "/cvmfs/soft.computecanada.ca/easybuild/software/2017/Core/python/3.7.4/lib/python3.7/threading.py", line 926, in _bootstrap_inner self.run() File "/scratch/rylee/legoenv/lib/python3.7/site-packages/wandb/sync/sync.py", line 103, in run ds.open_for_scan(sync_item) File "/scratch/rylee/legoenv/lib/python3.7/site-packages/wandb/internal/datastore.py", line 98, in open_for_scan self._read_header() File "/scratch/rylee/legoenv/lib/python3.7/site-packages/wandb/internal/datastore.py", line 165, in _read_header ident, magic, version = struct.unpack("<4sHB", header) struct.error: unpack requires a buffer of 7 bytes

    feature_request 
    opened by RyleeThompson 47
  • Get

    Get "AssertionError: can only test a child process" when using distributed TPU cores via Pytorch Lightning [CLI]

    Hi All,

    Having an error being thrown at me when trying to log my metrics and hyperparameters on W&B via PyTorch Lightning whilst running on 8 TPU cores.

    I first initialize the Weights and Biases run and project using the Lightning WandbLogger class, which practically runs wandb.init(). That goes fine. But then, I run the Trainer on 8 TPU cores, and with keyword argument 'logger=my_WandbLogger', I get the error AssertionError: can only test a child process.

    image

    Note that I tried this on a single TPU core, and that went fine and dandy. So it seems to be a problem with the distributive processing part of things.

    How to reproduce This isn't my code, but someone had the same issue a while back, although I couldn't find their solution. It's done using the bug-reproducer template ('The Boring Model') that Pytorch Lightning uses. ReproductionHERE.

    I'm running things on Google Colab, with Pytorch Lighting version 1.2.4 (most recent) and W&B version 0.10.22 (one version behind the latest version).

    Here's the full error stack trace if you're curious

    GPU available: False, used: False
    TPU available: True, using: 8 TPU cores
    ---------------------------------------------------------------------------
    ProcessRaisedException                    Traceback (most recent call last)
    <ipython-input-28-6650dc1eec9a> in <module>()
          3 wbLogger = WandbLogger(project='HPA Protein Localization Single Class Subset', name='Adam-128-0.001')
          4 trainer = Trainer(logger=wbLogger, deterministic=True, tpu_cores=8, max_epochs=epochNum, replace_sampler_ddp=False)
    ----> 5 trainer.fit(model, trainDL, valDL)
          6 
          7 print(time.time() - t0)
    
    6 frames
    /usr/local/lib/python3.7/dist-packages/torch/multiprocessing/spawn.py in join(self, timeout)
        148         msg = "\n\n-- Process %d terminated with the following error:\n" % error_index
        149         msg += original_trace
    --> 150         raise ProcessRaisedException(msg, error_index, failed_process.pid)
        151 
        152 
    
    ProcessRaisedException: 
    
    -- Process 0 terminated with the following error:
    Traceback (most recent call last):
      File "/usr/lib/python3.7/logging/__init__.py", line 1028, in emit
        stream.write(msg + self.terminator)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/lib/redirect.py", line 100, in new_write
        cb(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/wandb_run.py", line 796, in _console_callback
        self._backend.interface.publish_output(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 187, in publish_output
        self._publish_output(o)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 192, in _publish_output
        self._publish(rec)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 517, in _publish
        if self._process and not self._process.is_alive():
      File "/usr/lib/python3.7/multiprocessing/process.py", line 151, in is_alive
        assert self._parent_pid == os.getpid(), 'can only test a child process'
    AssertionError: can only test a child process
    
    During handling of the above exception, another exception occurred:
    
    Traceback (most recent call last):
      File "/usr/local/lib/python3.7/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 329, in _mp_start_fn
        _start_fn(index, pf_cfg, fn, args)
      File "/usr/local/lib/python3.7/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 323, in _start_fn
        fn(gindex, *args)
      File "/usr/local/lib/python3.7/dist-packages/pytorch_lightning/plugins/training_type/tpu_spawn.py", line 83, in new_process
        seed_everything(int(seed))
      File "/usr/local/lib/python3.7/dist-packages/pytorch_lightning/utilities/seed.py", line 54, in seed_everything
        log.info(f"Global seed set to {seed}")
      File "/usr/lib/python3.7/logging/__init__.py", line 1378, in info
        self._log(INFO, msg, args, **kwargs)
      File "/usr/lib/python3.7/logging/__init__.py", line 1514, in _log
        self.handle(record)
      File "/usr/lib/python3.7/logging/__init__.py", line 1524, in handle
        self.callHandlers(record)
      File "/usr/lib/python3.7/logging/__init__.py", line 1586, in callHandlers
        hdlr.handle(record)
      File "/usr/lib/python3.7/logging/__init__.py", line 894, in handle
        self.emit(record)
      File "/usr/lib/python3.7/logging/__init__.py", line 1033, in emit
        self.handleError(record)
      File "/usr/lib/python3.7/logging/__init__.py", line 946, in handleError
        sys.stderr.write('--- Logging error ---\n')
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/lib/redirect.py", line 100, in new_write
        cb(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/wandb_run.py", line 796, in _console_callback
        self._backend.interface.publish_output(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 187, in publish_output
        self._publish_output(o)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 192, in _publish_output
        self._publish(rec)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 517, in _publish
        if self._process and not self._process.is_alive():
      File "/usr/lib/python3.7/multiprocessing/process.py", line 151, in is_alive
        assert self._parent_pid == os.getpid(), 'can only test a child process'
    AssertionError: can only test a child process
    
    During handling of the above exception, another exception occurred:
    
    Traceback (most recent call last):
      File "/usr/local/lib/python3.7/dist-packages/torch/multiprocessing/spawn.py", line 59, in _wrap
        fn(i, *args)
      File "/usr/local/lib/python3.7/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 334, in _mp_start_fn
        file=sys.stderr)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/lib/redirect.py", line 100, in new_write
        cb(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/wandb_run.py", line 796, in _console_callback
        self._backend.interface.publish_output(name, data)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 187, in publish_output
        self._publish_output(o)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 192, in _publish_output
        self._publish(rec)
      File "/usr/local/lib/python3.7/dist-packages/wandb/sdk/interface/interface.py", line 517, in _publish
        if self._process and not self._process.is_alive():
      File "/usr/lib/python3.7/multiprocessing/process.py", line 151, in is_alive
        assert self._parent_pid == os.getpid(), 'can only test a child process'
    AssertionError: can only test a child process
    

    I'm wondering if there are any temporary workarounds for now since I need to find a way to connect and things are a bit time-sensitive!

    bug cli 
    opened by adamDhalla 31
  • GPU memory leak while running sweeps

    GPU memory leak while running sweeps

    wandb --version && python --version && uname

    Weights and Biases version: 0.9.7 Python version: 3.7.9 Operating System: Ubuntu 18.04LTS

    Description

    I'm running sweeps, and I notice that every so often one of the GPUs doesn't reclaim all its memory after a training job goes away. It ends up in this horrible CUDA-bug state where nvidia-smi reports that the memory is used in the top half, but in the bottom half doesn't report any processes that owns that memory. I can only reclaim the memory by rebooting the machine. (I've read that sometimes nvidia-smi -r will fix this, but it's never let me reset the GPU that way I think because X-windows is running on it.)

    What I Did

    This is not a great bug report, because I don't know how to repro it. I'm not even sure it's anything to do with wandb, or just some bug between CUDA & pytorch or something. But I've seen it three or four times now, and only when running wandb sweeps. I've mostly been using hyperband early termination with my sweeps. And I sometimes will kill jobs manually from the wandb web UI. So I suspect it's maybe got something to do with the way the agent kills the python process that's using the GPU - maybe it's not cleaning up properly.

    bug stale 
    opened by leopd 30
  • wandb sync not logging in while running wandb local

    wandb sync not logging in while running wandb local

    System Info

    wandb: 0.9.7 python: 3.7.6 OS: Pop!_OS 20.04 LTS

    Description

    I installed wandb 0.9.7, ran wandb local, navigated to http://localhost:8080, the webpage gave me a "Application Error" page. I clicked the refresh button provided on the page, created an account, it then asked me to change my password. When I entered in my new password, the page reloads and asks me repeatedly to change the password. However, if I click the icon in the upper right I can get to the profile page.

    I tried to run wandb sync MY_DRYRUN and was asked to run wandb login. I ran wandb login and a webpage briefly appeared with the local API key, but then quickly switched to the Change Password prompt. However, I was able to get the local API key from when I clicked on the icon in the upper right corner before.

    I paste the local API key into the command line and login successfully. I try to run the wandb sync command again and get the following:

    [email protected]:~$ wandb sync path/to/wandb/dryrun-20200828_220136-10kab6tp/
    wandb: ERROR Error while calling W&B API: permission denied (<Response [401]>)
    Error: Invalid or missing api_key.  Run wandb login
    

    I'm not sure if this workaround has messed something up, but I cannot sync using wandb local. I know this is similar to #1222. The main difference is that now I am behind a company proxy. I did some work to try and fix that for docker and am able to run docker run hello-world successfully.

    Any thoughts about what might be going on?

    bug stale 
    opened by aclifton314 30
  • `_disable_stats` doesn't work. `wandb.init(settings=wandb.Settings(_disable_stats=True))` It still sends stats to WANDB, which in turn leads to BSOD due to incompatibility with the old PYNVML dependency in the vendor folder.

    `_disable_stats` doesn't work. `wandb.init(settings=wandb.Settings(_disable_stats=True))` It still sends stats to WANDB, which in turn leads to BSOD due to incompatibility with the old PYNVML dependency in the vendor folder.

    _disable_stats doesn't work. wandb.init(settings=wandb.Settings(_disable_stats=True)) It still sends stats to WANDB, which in turn leads to BSOD due to incompatibility with the old PYNVML dependency in the vendor folder.

    Originally posted by @CosmicHazel in https://github.com/wandb/client/issues/473#issuecomment-1094362410

    Can confirm that this is causing BSOD on Windows platform with Nvidia GPU with latest drivers. And since there's no way to disable it there's practically now way to use wandb on Windows

    opened by anatolii-kotov 29
  • Metric present but marked as <null> (Parallel Coordinates)

    Metric present but marked as (Parallel Coordinates)

    wandb --version && python --version && uname

    • Weights and Biases version: 0.9.4
    • Python version: 3.6.9
    • Operating System: Linux (Ubuntu 18.04.2)

    Description

    Eventhough I have values for my accuracy metric (the graph is not empty), the Parallel Coordinates graph doesn't show the final value (all runs are marked as <null>). image

    image

    What I Did

    I guess I know where the problem might be because my logs are a little bit strange. I am building my model in 2 times :

    • First, I train an autoencoder, logging loss and val_loss metrics to Wandb plus an additional accuracy which value is 0 (needed by keras-tuner library to perform the hyperparameter search) at the end of each epoch.
    • Then, I create an anomaly detection model from the autoencoder (determine a threshold and everything) and evaluate its performances on a supervised task which returns an accuracy value (and few others metrics, as FalsePositive, ...) that I log to Wandb.

    This double logging thing make my last accuracy value logged one step after many other metrics (ie, if loss and val_loss were logged during the first 156 steps, the last accuracy value will be on the 157th step).

    For information, during the autoencoder's training the accuracy value is correctly shown as 0 and get wiped out afterwards.

    stale 
    opened by pierreelliott 28
  • [CLI] wandb sync fails to upload reports from crashed scripts (AssertionError)

    [CLI] wandb sync fails to upload reports from crashed scripts (AssertionError)

    Describe the bug

    If I run a script and then terminate it (ex. Ctrl-c) or it crashes for misc. reasons, I cannot use wandb sync to reupload the wandb logs.

    $ wandb sync -p <MY-PROJECT> --id <RUN-ID> .
    
    Syncing: https://wandb.ai/<MY-ID>/<MY-PROJECT>/runs/<RUN-ID> ...Exception in thread Thread-1:
    Traceback (most recent call last):
      File "/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
        self.run()
      File "/home/allabana/.virtualenvs/sttpy/lib/python3.8/site-packages/wandb/sync/sync.py", line 122, in run
        data = ds.scan_data()
      File "/home/allabana/.virtualenvs/sttpy/lib/python3.8/site-packages/wandb/sdk/internal/datastore.py", line 131, in scan_data
        record = self.scan_record()
      File "/home/allabana/.virtualenvs/sttpy/lib/python3.8/site-packages/wandb/sdk/internal/datastore.py", line 115, in scan_record
        assert checksum == checksum_computed
    AssertionError
    

    To Reproduce

    I am training a model using PyTorch Lightning. This should be reproducible on any example with PTL.

    1. Run a train script, passing the wandb logger to the PTL trainer.
    from pytorch_lightning.loggers import TensorBoardLogger, WandbLogger
    from pytorch_lightning import Trainer
    ...
    # Configure model and data_loader
    ...
    logger = [TensorBoardLogger(save_dir="my_logs", name='lightning_logs')]
    logger.append(WandbLogger(project="my_project", log_model=True))
    
    trainer = Trainer(
            ...
            logger=logger
        )
    trainer.fit(model, data_loader)
    
    1. Kill script midrun
    2. Attempt to reupload logs from wandb directory (mines looks like this)
    files
    logs
    run-<RUN-ID>.wandb
    wandb
    

    Expected behavior

    Logs should upload.

    Desktop (please complete the following information):

    Ubuntu 20.04, Python 3.8, wandb 0.10.17

    Additional context

    Maybe I'm not running the sync command properly? An example in the docs would be really helpful!!

    cli 
    opened by piraka9011 27
  • Intermittent socket timeouts

    Intermittent socket timeouts

    This happens rarely but we should likely catch the timeout.

    "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap
    self.run()
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/multiprocessing/process.py", line 99, in run
    self._target(*self._args, **self._kwargs)
    File "scripts/train_mmnist.py", line 32, in train_run_worker
    dir=run_dir)
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/site-packages/wandb/__init__.py", line 983, in init
    _init_headless(run)
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/site-packages/wandb/__init__.py", line 239, in _init_headless
    success, message = server.listen(30)
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/site-packages/wandb/wandb_socket.py", line 46, in listen
    self.connect()
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/site-packages/wandb/wandb_socket.py", line 40, in connect
    self.connection, addr = self.socket.accept()
    File "/Midgard/home/mrabadan/anaconda3/envs/pytorch/lib/python3.7/socket.py", line 212, in accept
    fd, addr = self._accept()
    socket.timeout: timed out
    
    bug 
    opened by vanpelt 26
  • [CLI] cannot import name `introspection_query` from `graphql`

    [CLI] cannot import name `introspection_query` from `graphql`

    Description I'm attempting to integrate weights and biases, pytorch lightning, and kedro, which requires graphql>3.1.0 to function. The weights and biases package appears to have a vendor copy of graphql which is pretty old, but when graphql is imported in the vendor package it doesn't use the weights&biases included version and instead uses the newer site package.

    How to reproduce

    1. Install graphql > 3.0 (or more specifically install kedro which installs this)
    2. Attempt to initialize weights and biases
    3. Observe the error below
    Traceback (most recent call last):
      File "/home/dlangerm/dev/kedro-test/env/bin/kedro", line 10, in <module>
        sys.exit(main())
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/cli/cli.py", line 266, in main
        cli_collection()
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/click/core.py", line 829, in __call__
        return self.main(*args, **kwargs)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/cli/cli.py", line 216, in main
        **extra,
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/click/core.py", line 782, in main
        rv = self.invoke(ctx)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/click/core.py", line 1259, in invoke
        return _process_result(sub_ctx.command.invoke(sub_ctx))
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/click/core.py", line 1066, in invoke
        return ctx.invoke(self.callback, **ctx.params)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/click/core.py", line 610, in invoke
        return callback(*args, **kwargs)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/cli/project.py", line 417, in run
        pipeline_name=pipeline,
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/session/session.py", line 368, in run
        pipeline = pipelines[name]
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/project/__init__.py", line 111, in inner
        self._load_data()
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/project/__init__.py", line 145, in _load_data
        self._pipelines_module
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/kedro/framework/project/__init__.py", line 131, in _get_pipelines_registry_callable
        module_obj = importlib.import_module(pipelines_module)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/importlib/__init__.py", line 127, in import_module
        return _bootstrap._gcd_import(name[level:], package, level)
      File "<frozen importlib._bootstrap>", line 1006, in _gcd_import
      File "<frozen importlib._bootstrap>", line 983, in _find_and_load
      File "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
      File "<frozen importlib._bootstrap>", line 677, in _load_unlocked
      File "<frozen importlib._bootstrap_external>", line 728, in exec_module
      File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
      File "/home/dlangerm/dev/kedro-test/lightning_test_project/src/kedro_lightning/pipeline_registry.py", line 33, in <module>
        from kedro_lightning.pipelines import (
      File "/home/dlangerm/dev/kedro-test/lightning_test_project/src/kedro_lightning/pipelines/train/__init__.py", line 1, in <module>
        from .pipeline import create_pipeline  # NOQA
      File "/home/dlangerm/dev/kedro-test/lightning_test_project/src/kedro_lightning/pipelines/train/pipeline.py", line 2, in <module>
        from .nodes import (
      File "/home/dlangerm/dev/kedro-test/lightning_test_project/src/kedro_lightning/pipelines/train/nodes.py", line 5, in <module>
        from flash import Trainer
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/flash/__init__.py", line 18, in <module>
        from flash.core.utilities.imports import _TORCH_AVAILABLE
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/flash/core/utilities/imports.py", line 125, in <module>
        _PL_GREATER_EQUAL_1_4_3 = _compare_version("pytorch_lightning", operator.ge, "1.4.3")
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/flash/core/utilities/imports.py", line 58, in _compare_version
        pkg = importlib.import_module(package)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/importlib/__init__.py", line 127, in import_module
        return _bootstrap._gcd_import(name[level:], package, level)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/__init__.py", line 21, in <module>
        from pytorch_lightning.callbacks import Callback  # noqa: E402
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/callbacks/__init__.py", line 24, in <module>
        from pytorch_lightning.callbacks.pruning import ModelPruning
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/callbacks/pruning.py", line 31, in <module>
        from pytorch_lightning.core.lightning import LightningModule
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/core/__init__.py", line 16, in <module>
        from pytorch_lightning.core.lightning import LightningModule
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/core/lightning.py", line 41, in <module>
        from pytorch_lightning.trainer.connectors.logger_connector.fx_validator import FxValidator
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/trainer/__init__.py", line 18, in <module>
        from pytorch_lightning.trainer.trainer import Trainer
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/trainer/trainer.py", line 31, in <module>
        from pytorch_lightning.loggers import LightningLoggerBase
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/loggers/__init__.py", line 26, in <module>
        from pytorch_lightning.loggers.wandb import _WANDB_AVAILABLE, WandbLogger  # noqa: F401
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/loggers/wandb.py", line 37, in <module>
        _WANDB_GREATER_EQUAL_0_10_22 = _compare_version("wandb", operator.ge, "0.10.22")
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/pytorch_lightning/utilities/imports.py", line 54, in _compare_version
        pkg = importlib.import_module(package)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/importlib/__init__.py", line 127, in import_module
        return _bootstrap._gcd_import(name[level:], package, level)
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/__init__.py", line 34, in <module>
        from wandb import sdk as wandb_sdk
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/sdk/__init__.py", line 9, in <module>
        from .wandb_artifacts import Artifact  # noqa: F401
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/sdk/wandb_artifacts.py", line 29, in <module>
        from wandb.apis import InternalApi, PublicApi
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/apis/__init__.py", line 32, in <module>
        from .internal import Api as InternalApi  # noqa
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/apis/internal.py", line 1, in <module>
        from wandb.sdk.internal.internal_api import Api as InternalApi
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/sdk/internal/internal_api.py", line 2, in <module>
        from gql import Client, gql  # type: ignore
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/vendor/gql-0.2.0/gql/__init__.py", line 2, in <module>
        from .client import Client
      File "/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/wandb/vendor/gql-0.2.0/gql/client.py", line 3, in <module>
        from graphql import parse, introspection_query, build_ast_schema, build_client_schema
    ImportError: cannot import name 'introspection_query' from 'graphql' (/home/dlangerm/dev/kedro-test/env/lib/python3.7/site-packages/graphql/__init__.py)
    

    Environment

    • OS: Ubuntu 20.04
    • Environment: WSL
    • Python Version: 3.7
    cli 
    opened by dlangerm 25
  • chore(sdk): add more flow control telemetry

    chore(sdk): add more flow control telemetry

    Fixes WB-NNNN Fixes #NNNN

    Description

    What does the PR do?

    Testing

    How was this PR tested?

    Checklist

    • [ ] Include reference to internal ticket "Fixes WB-NNNN" and/or GitHub issue "Fixes #NNNN" (if applicable)
    • [ ] Ensure PR title compliance with the conventional commits standards
    cc-chore 
    opened by raubitsj 1
  • Spencerpearson/retry async

    Spencerpearson/retry async

    Description

    This logic will be handy for the upcoming async file-uploads.

    I'd like to use a library, but the only actively-maintained async-backoff library I can find is backoff, which had a major version bump between when they dropped 3.6 and added 3.10.

    opened by speezepearson 1
  • [Feature]: Improved documentation for WANDB_SWEEP_ID env variable

    [Feature]: Improved documentation for WANDB_SWEEP_ID env variable

    Description

    Documentation for enviornment variables does not include information on WANDB_SWEEP_ID. This can lead to a problem when calling wandb.init() with id, project, or entity parameters if this enviornment variable has been set. This can result in crashes or unexpected behaviour, particularlly when trying to a resume a run that was part of a sweep but crashed/ failed prematurely.

    Suggested Solution

    Add information regarding WANDB_SWEEP_ID to the online documentation

    Alternatives

    Do not ignore wandb.init() parameters when script is executed directly by user rather than sweep agent initalized with wandb agent. Provide warnings to user if env variable is set and wandb agent is not used to start run.

    Additional Context

    No response

    feature_request 
    opened by mklasby 0
  • [CLI]: jax.Array not serializable and not working with `wandb.log`

    [CLI]: jax.Array not serializable and not working with `wandb.log`

    Describe the bug

    Jax has recently introduce a new Array type, but wandb.log no longer works with this array.

    This problem will go away after setting jax.config.update('jax_array', False) but this setting is only guaranteed to exist until 15/3/2023.

    Some background info: https://jax.readthedocs.io/en/latest/jax_array_migration.html#jax-array-migration

    import jax.numpy as jnp
    import wandb
    wandb.init()
    wandb.log({'test': jnp.array([3])})
    
    Traceback (most recent call last):
      File "<stdin>", line 1, in <module>
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/wandb_run.py", line 292, in wrapper
        return func(self, *args, **kwargs)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/wandb_run.py", line 255, in wrapper
        return func(self, *args, **kwargs)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/wandb_run.py", line 1612, in log
        self._log(data=data, step=step, commit=commit)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/wandb_run.py", line 1394, in _log
        self._partial_history_callback(data, step, commit)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/wandb_run.py", line 1278, in _partial_history_callback
        self._backend.interface.publish_partial_history(
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/sdk/interface/interface.py", line 556, in publish_partial_history
        item.value_json = json_dumps_safer_history(v)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/util.py", line 920, in json_dumps_safer_history
        return json.dumps(obj, cls=WandBHistoryJSONEncoder, **kwargs)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/json/__init__.py", line 234, in dumps
        return cls(
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/json/encoder.py", line 199, in encode
        chunks = self.iterencode(o, _one_shot=True)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/json/encoder.py", line 257, in iterencode
        return _iterencode(o, 0)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/site-packages/wandb/util.py", line 887, in default
        return json.JSONEncoder.default(self, obj)
      File "/Users/kenyonn/miniconda3/envs/jax4/lib/python3.9/json/encoder.py", line 179, in default
        raise TypeError(f'Object of type {o.__class__.__name__} '
    TypeError: Object of type Array is not JSON serializable
    

    Additional Files

    No response

    Environment

    WandB version: 0.13.7

    OS: MacOS 12.6.1

    Python version: 3.9.13

    Versions of relevant libraries: jax 0.4.1

    Additional Context

    No response

    cli 
    opened by weiyaw 2
  • docs(sdk): Docodoile autogen docs

    docs(sdk): Docodoile autogen docs

    Fixes WB-NNNN Fixes #NNNN

    Description

    Creates a new GitHub worklfow, action to push doc changes to docodile. This is only a draft.

    Testing

    How was this PR tested? N/A

    Checklist

    • [ ] Include reference to internal ticket "Fixes WB-NNNN" and/or GitHub issue "Fixes #NNNN" (if applicable)
    • [ ] Ensure PR title compliance with the conventional commits standards
    cc-docs 
    opened by ngrayluna 1
  • Add AttributeError to the list of handled exceptions when saving a keras model

    Add AttributeError to the list of handled exceptions when saving a keras model

    Description

    Handle AttributeError throw by TF-2.11 in some cases when saving a model

    Testing

    Saving a model that uses mixed_float16 policy

    Checklist

    • [ ] Include reference to internal ticket "Fixes WB-NNNN" and/or GitHub issue "Fixes #NNNN" (if applicable)
    • [ ] Ensure PR title compliance with the conventional commits standards
    opened by froody 1
Releases(v0.13.7)
  • v0.13.7(Dec 14, 2022)

    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 https://github.com/wandb/wandb/pull/4629

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

    Source code(tar.gz)
    Source code(zip)
  • v0.13.6(Dec 6, 2022)

    What's Changed

    :magic_wand: Enhancements

    • feat(sweeps): add Sweep.expected_run_count to public Api by @gtarpenning in https://github.com/wandb/wandb/pull/4434
    • feat(launch): support volume mounts and security contexts in kubernetes runner by @KyleGoyette in https://github.com/wandb/wandb/pull/4475
    • feat(launch): add a new --build flag for building and then pushing the image to a queue by @gtarpenning in https://github.com/wandb/wandb/pull/4061
    • feat(integrations): add ability to log learning rate using WandbMetricsLogger by @soumik12345 in https://github.com/wandb/wandb/pull/4391
    • feat(sdk): improve Report API in preparation for GA by @andrewtruong in https://github.com/wandb/wandb/pull/4499

    :hammer: Fixes

    • fix(artifacts): add filter for artifact_version to only retrieve committed artifacts by @estellazx in https://github.com/wandb/wandb/pull/4401
    • fix(cli): deflake wandb verify by @vanpelt in https://github.com/wandb/wandb/pull/4438
    • fix(launch): fix the type of the override args passed through to a LaunchProject from a Job by @KyleGoyette in https://github.com/wandb/wandb/pull/4416
    • fix(launch): remove extra colon from log prefix by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4450
    • fix(sdk): add support for service running in a pex based environment by @kptkin in https://github.com/wandb/wandb/pull/4440
    • fix(sdk): fix probing static IPU info by @dmitryduev in https://github.com/wandb/wandb/pull/4464
    • fix(public-api): change artifactSequence to artifactCollection in public GQL requests by @tssweeney in https://github.com/wandb/wandb/pull/4531
    • fix(integrations): fix TF compatibility issues with WandbModelCheckpoint by @soumik12345 in https://github.com/wandb/wandb/pull/4432
    • fix(integrations): make Keras WandbCallback compatible with TF version >= 2.11.0 by @ayulockin in https://github.com/wandb/wandb/pull/4533
    • fix(integrations): update gym integration to match last version by @younik in https://github.com/wandb/wandb/pull/4571
    • fix(sdk): harden internal thread management in SystemMetrics by @dmitryduev in https://github.com/wandb/wandb/pull/4439

    :books: Docs

    • docs(sdk): remove non-existent argument table_key from plot_table() doc string by @janosh in https://github.com/wandb/wandb/pull/4495
    • docs(artifacts): correct parameter name in docstring example by @ngrayluna in https://github.com/wandb/wandb/pull/4528

    :gear: Dev

    • chore(launch): improved git fetch time by specifying a refspec and depth=1 by @gtarpenning in https://github.com/wandb/wandb/pull/4459
    • chore(sdk): fix linguist rule to ignore grpc generated files by @raubitsj in https://github.com/wandb/wandb/pull/4470
    • chore(launch): new shard for launch tests by @gtarpenning in https://github.com/wandb/wandb/pull/4427
    • chore(public-api): upgrade Node 12 based GitHub Actions by @moredatarequired in https://github.com/wandb/wandb/pull/4506
    • test(artifacts): skip flaky artifact_metadata_save test by @speezepearson in https://github.com/wandb/wandb/pull/4463
    • test(artifacts): replace sleeps with flush when waiting on a file to write by @moredatarequired in https://github.com/wandb/wandb/pull/4523
    • test(artifacts): use tmp_path fixture instead of writing local files during tests by @moredatarequired in https://github.com/wandb/wandb/pull/4521
    • chore(launch): fix broken queue test by @gtarpenning in https://github.com/wandb/wandb/pull/4548
    • test(artifacts): skip instead of xfail for test test_artifact_metadata_save by @speezepearson in https://github.com/wandb/wandb/pull/4550
    • test(sdk): add many tests for InternalApi.upload_file by @speezepearson in https://github.com/wandb/wandb/pull/4539
    • chore(artifacts): add artifact Sequence fallback for older servers by @tssweeney in https://github.com/wandb/wandb/pull/4565
    • test(sdk): make protobuf version requirements more granular by @dmitryduev in https://github.com/wandb/wandb/pull/4479

    :nail_care: Cleanup

    • fix(artifacts): when committing artifacts, don't retry 409 Conflict errors by @speezepearson in https://github.com/wandb/wandb/pull/4260
    • refactor(artifacts): add programmatic alias addition/removal from SDK on artifacts by @vwrj in https://github.com/wandb/wandb/pull/4429
    • fix(integrations): remove wandb.sklearn.plot_decision_boundaries that contains dead logic by @kptkin in https://github.com/wandb/wandb/pull/4348
    • chore(sdk): adds an option to force pull the latest version of a test dev-container image by @kptkin in https://github.com/wandb/wandb/pull/4352
    • feat(launch): noop builder by @KyleGoyette in https://github.com/wandb/wandb/pull/4275
    • refactor(launch): remove unused attribute by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4497
    • style(sdk): update mypy to 0.991 by @dmitryduev in https://github.com/wandb/wandb/pull/4546
    • refactor(launch): add more robust uri parsing by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4498
    • style(sdk): turn on linting for internal_api.py by @speezepearson in https://github.com/wandb/wandb/pull/4545
    • build(sdk): remove dependency on six by modifying vendored libs by @dmitryduev in https://github.com/wandb/wandb/pull/4280

    New Contributors

    • @moredatarequired made their first contribution in https://github.com/wandb/wandb/pull/4508
    • @soumik12345 made their first contribution in https://github.com/wandb/wandb/pull/4391
    • @younik made their first contribution in https://github.com/wandb/wandb/pull/4571

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

    Source code(tar.gz)
    Source code(zip)
  • v0.13.5(Nov 3, 2022)

    What's Changed

    :magic_wand: Enhancements

    • feat(artifacts): add an option to upload image references by @estellazx in https://github.com/wandb/wandb/pull/4303

    :hammer: Fixes

    • fix(launch): generate more readable image names by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4379
    • fix(artifacts): use hash(etag+url) instead of just etag, as key, in artifacts cache by @speezepearson in https://github.com/wandb/wandb/pull/4371
    • fix(artifacts): wait for artifact to commit before telling the user it's ready when using wandb artifact put by @speezepearson in https://github.com/wandb/wandb/pull/4381
    • fix(sdk): prefix vendor watchdog library by @raubitsj in https://github.com/wandb/wandb/pull/4389
    • fix(artifacts): fix Circular reference detected error, when updating metadata with numpy array longer than 32 elements by @estellazx in https://github.com/wandb/wandb/pull/4221
    • fix(integrations): add a random string to run_id on SageMaker not to break DDP mode by @dmitryduev in https://github.com/wandb/wandb/pull/4276

    :gear: Dev

    • ci(sdk): make sure we dont shutdown test cluster before grabbing results by @raubitsj in https://github.com/wandb/wandb/pull/4361
    • test(artifacts): add standalone artifact test to nightly cpu suite by @raubitsj in https://github.com/wandb/wandb/pull/4360
    • chore(sdk): rename default branch to main by @raubitsj in https://github.com/wandb/wandb/pull/4374
    • build(sdk): update mypy extension for protobuf type checking by @dmitryduev in https://github.com/wandb/wandb/pull/4392
    • chore(sdk): update codeql-analysis.yml branch name by @zythosec in https://github.com/wandb/wandb/pull/4393
    • ci(sdk): move functional import tests to nightly and expand python version coverage by @dmitryduev in https://github.com/wandb/wandb/pull/4395
    • ci(sdk): add Slack notification for failed nightly import tests by @dmitryduev in https://github.com/wandb/wandb/pull/4403
    • test(cli): fix broken CLI tests that attempt uploading non-existent artifacts by @dmitryduev in https://github.com/wandb/wandb/pull/4426

    :nail_care: Cleanup

    • fix(launch): job creation through use_artifact instead of log_artifact by @KyleGoyette in https://github.com/wandb/wandb/pull/4337
    • ci(sdk): add a GH action to automate parts of the release process by @dmitryduev in https://github.com/wandb/wandb/pull/4355
    • fix(media): 3D Point Clouds now viewable in UI in all situations by @ssisk in https://github.com/wandb/wandb/pull/4353
    • fix(launch): Git URLs were failing if fsmonitor is enabled by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4333
    • style(sdk): ignore new proto generated file directories by @raubitsj in https://github.com/wandb/wandb/pull/4354
    • chore(launch): fix a bug preventing Run Queue deletion in the SDK by @gtarpenning in https://github.com/wandb/wandb/pull/4321
    • chore(launch): add support for pushToRunQueueByName mutation by @gtarpenning in https://github.com/wandb/wandb/pull/4292
    • refactor(sdk): refactor system metrics monitoring and probing by @dmitryduev in https://github.com/wandb/wandb/pull/4213
    • style(sdk): fix gitattribute for protobuf generated files by @raubitsj in https://github.com/wandb/wandb/pull/4400

    New Contributors

    • @ssisk made their first contribution in https://github.com/wandb/wandb/pull/4353

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.4...v0.13.5

    Source code(tar.gz)
    Source code(zip)
  • v0.13.4(Oct 5, 2022)

    What's Changed

    :magic_wand: Enhancements

    • feat(launch): show entity and project in k8s job names by @KyleGoyette in https://github.com/wandb/wandb/pull/4216
    • feat(sweeps): add environment variable sweep command macro by @hu-po in https://github.com/wandb/wandb/pull/4200
    • feat(media): add from_* constructors and scene camera and bounding box confidence scores to Object3D data type by @dmitryduev in https://github.com/wandb/wandb/pull/4319
    • feat(artifacts): add simple progress indicator for artifact downloads by @speezepearson in https://github.com/wandb/wandb/pull/4255
    • feat(integrations): add WandbMetricsLogger callback - a Keras dedicated metrics logger callback by @ayulockin in https://github.com/wandb/wandb/pull/4244
    • feat(integrations): add WandbModelCheckpoint callback - a Keras model checkpointing callback by @ayulockin in https://github.com/wandb/wandb/pull/4245
    • feat(integrations): add WandbEvalCallback callback - a Keras callback for logging model predictions as W&B tables by @ayulockin in https://github.com/wandb/wandb/pull/4302

    :hammer: Fixes

    • fix(launch): cast agent's config max_jobs attribute to integer by @KyleGoyette in https://github.com/wandb/wandb/pull/4262
    • fix(cli): correct the displayed path to the debug-cli.log (debug log) by @jamie-rasmussen in https://github.com/wandb/wandb/pull/4271
    • fix(artifacts): catch retry-able request timeout when uploading artifacts to AWS by @nickpenaranda in https://github.com/wandb/wandb/pull/4304
    • fix(sdk): improve user feedback for long running calls: summary, finish by @raubitsj in https://github.com/wandb/wandb/pull/4169
    • fix(integrations): fix RuntimeError when using keras.WandbCallback with tf.MirroredStrategy by @ayulockin in https://github.com/wandb/wandb/pull/4310

    :gear: Dev

    • ci(sdk): add code analysis/scanning with codeql by @dmitryduev in https://github.com/wandb/wandb/pull/4250
    • ci(sdk): validate PR titles to ensure compliance with Conventional Commits guidelines by @dmitryduev in https://github.com/wandb/wandb/pull/4268
    • chore(launch): harden launch by pining the build versions of kaniko and launch-agent-dev by @KyleGoyette in https://github.com/wandb/wandb/pull/4194
    • test(sdk): add telemetry for the mmengine package by @manangoel99 in https://github.com/wandb/wandb/pull/4273
    • chore(sdk): add the build type to our conventional commits setup by @dmitryduev in https://github.com/wandb/wandb/pull/4282
    • test(sdk): add tensorflow_datasets requirement to imports12 shard by @dmitryduev in https://github.com/wandb/wandb/pull/4316
    • test(integrations): fix sb3 test by pinning upstream requirement by @dmitryduev in https://github.com/wandb/wandb/pull/4346
    • build(sdk): make the SDK compatible with protobuf v4 by @dmitryduev in https://github.com/wandb/wandb/pull/4279
    • chore(sdk): fix flake8 output coloring by @dmitryduev in https://github.com/wandb/wandb/pull/4347
    • test(artifacts): fix artifact reference test asset directory by @raubitsj in https://github.com/wandb/wandb/pull/4350

    :nail_care: Cleanup

    • style(sdk): fix type hint for filters argument in public_api.runs by @epwalsh in https://github.com/wandb/wandb/pull/4256
    • style(artifacts): improve type annotations around artifact-file-creation by @speezepearson in https://github.com/wandb/wandb/pull/4259
    • style(sdk): improve type annotations and VSCode config for public API by @speezepearson in https://github.com/wandb/wandb/pull/4252
    • style(sdk): make type annotations more easily navigable in VSCode by @speezepearson in https://github.com/wandb/wandb/pull/4005
    • style(artifacts): introduce str NewTypes and use them for various Artifact fields by @speezepearson in https://github.com/wandb/wandb/pull/4326
    • style(artifacts): add type annotations to get better IDE hints for boto3 usage by @speezepearson in https://github.com/wandb/wandb/pull/4338

    New Contributors

    • @epwalsh made their first contribution in https://github.com/wandb/wandb/pull/4256
    • @mjvanderboon made their first contribution in https://github.com/wandb/wandb/pull/4309
    • @jamie-rasmussen made their first contribution in https://github.com/wandb/wandb/pull/4271
    • @nickpenaranda made their first contribution in https://github.com/wandb/wandb/pull/4304

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.3...v0.13.4

    Source code(tar.gz)
    Source code(zip)
  • v0.13.3(Sep 8, 2022)

    0.13.3 (September 8, 2022)

    :nail_care: Enhancement

    • Adds raytune examples / tests by @raubitsj in https://github.com/wandb/wandb/pull/4053
    • Refactors pytest unit tests to run against real wandb server by @kptkin in https://github.com/wandb/wandb/pull/4066
    • Adds Launch kubernetes support of taints and tolerations by @KyleGoyette in https://github.com/wandb/wandb/pull/4086
    • Adds Sweeps on Launch on Kubernetes by @hu-po in https://github.com/wandb/wandb/pull/4035
    • Adds parallelism to functional testing by @raubitsj in https://github.com/wandb/wandb/pull/4096
    • Upgrades mypy to version 0.971 by @dmitryduev in https://github.com/wandb/wandb/pull/3952
    • Adds Mailbox async internal process communication by @raubitsj in https://github.com/wandb/wandb/pull/3568
    • Implements searching launch job in sweep config by @hu-po in https://github.com/wandb/wandb/pull/4120
    • Improves performance when sending large messages by @raubitsj in https://github.com/wandb/wandb/pull/4119
    • Vendors the latest nvidia-ml-py-11.515.48 by @dmitryduev in https://github.com/wandb/wandb/pull/4109
    • Improves performance by increase recv size on service socket by @raubitsj in https://github.com/wandb/wandb/pull/4122
    • Adds isort support with black profile by @kptkin in https://github.com/wandb/wandb/pull/4136
    • Implements pushing test-results to CircleCI for nightly tests by @raubitsj in https://github.com/wandb/wandb/pull/4153
    • Adds debug mode for pytest unit tests by @dmitryduev in https://github.com/wandb/wandb/pull/4145
    • Adds support for arguments in Launch Jobs by @KyleGoyette in https://github.com/wandb/wandb/pull/4129
    • Adds FetchRunQueueItemById query by @gtarpenning in https://github.com/wandb/wandb/pull/4106
    • Adds telemetry for keras-cv by @manangoel99 in https://github.com/wandb/wandb/pull/4196
    • Adds sentry session tracking by @raubitsj in https://github.com/wandb/wandb/pull/4157
    • Adds the ability to log artifact while linking to registered model by @ibindlish in https://github.com/wandb/wandb/pull/4233

    :broom: Cleanup

    • Breaks gradient and parameters hooks by @kptkin in https://github.com/wandb/wandb/pull/3509
    • Adds explicit error message for double uri/docker-image by @gtarpenning in https://github.com/wandb/wandb/pull/4069
    • Tests that the wandb_init fixture args are in sync with wandb.init() by @dmitryduev in https://github.com/wandb/wandb/pull/4079
    • Upgrades the GKE cluster used for nightly tests to n1-standard-8 by @dmitryduev in https://github.com/wandb/wandb/pull/4065
    • Moves service teardown to the end of tests by @kptkin in https://github.com/wandb/wandb/pull/4083
    • Reduce the pytest job parallelism from 10 to 6 by @kptkin in https://github.com/wandb/wandb/pull/4085
    • Removes service user doc by @kptkin in https://github.com/wandb/wandb/pull/4088
    • Move _timestamp logic to the internal process by @kptkin in https://github.com/wandb/wandb/pull/4087
    • Adds Launch gitversion error message by @gtarpenning in https://github.com/wandb/wandb/pull/4028
    • Updates KFP machine VM image in CircleCI by @dmitryduev in https://github.com/wandb/wandb/pull/4094
    • Upgrades sweeps to latest version by @hu-po in https://github.com/wandb/wandb/pull/4104
    • Implements Sweep scheduler cleanup and better tests by @hu-po in https://github.com/wandb/wandb/pull/4100
    • Adds a requirement for the sdk-team to approve API changes by @raubitsj in https://github.com/wandb/wandb/pull/4128
    • Adds additional time for artifact commit by @raubitsj in https://github.com/wandb/wandb/pull/4133
    • Implements tox configuration with dynamic resolution by @kptkin in https://github.com/wandb/wandb/pull/4138
    • Removes buildx version pin for nightly builds by @dmitryduev in https://github.com/wandb/wandb/pull/4144
    • Moves Launch run configs from entrypoint into params by @hu-po in https://github.com/wandb/wandb/pull/4164
    • Removes Slack orb usage from Win job on CircleCI by @dmitryduev in https://github.com/wandb/wandb/pull/4171
    • Adds heartbeat parsing for Launch run args using legacy agent by @hu-po in https://github.com/wandb/wandb/pull/4180
    • Add better error handling when tearing down service by @kptkin in https://github.com/wandb/wandb/pull/4161
    • Cleans up Launch job creation pipeline by @KyleGoyette in https://github.com/wandb/wandb/pull/4183
    • Adds detail to error message when uploading an artifact with the wrong type by @speezepearson in https://github.com/wandb/wandb/pull/4184
    • Adds optional timeout parameter to artifacts wait() by @estellazx in https://github.com/wandb/wandb/pull/4181
    • Sanitizes numpy generics in keys by @raubitsj in https://github.com/wandb/wandb/pull/4146
    • Removes reassignment of run function in public api by @martinabeleda in https://github.com/wandb/wandb/pull/4115
    • Makes pulling sweeps optional when using public api to query for runs by @kptkin in https://github.com/wandb/wandb/pull/4186
    • Updates ref docs for wandb.init to give more info on special characters by @scottire in https://github.com/wandb/wandb/pull/4191

    :bug: Bug Fix

    • Fixes Sweeps on Launch Jobs requirement by @hu-po in https://github.com/wandb/wandb/pull/3947
    • Fixes Artifact metadata JSON-encoding to accept more types by @speezepearson in https://github.com/wandb/wandb/pull/4038
    • Adjusts root_dir setting processing logic by @dmitryduev in https://github.com/wandb/wandb/pull/4049
    • Prevents run.log() from mutating passed in arguments by @kptkin in https://github.com/wandb/wandb/pull/4058
    • Fixes 05-batch5.py test by @dmitryduev in https://github.com/wandb/wandb/pull/4074
    • Allows users to control the run_id through the launch spec by @gtarpenning in https://github.com/wandb/wandb/pull/4070
    • Fixes accidental overwrite in config.yml by @dmitryduev in https://github.com/wandb/wandb/pull/4081
    • Ensures propagating overridden base_url when initializing public API by @dmitryduev in https://github.com/wandb/wandb/pull/4026
    • Fixes Sweeps on Launch CLI launch config, relpath by @hu-po in https://github.com/wandb/wandb/pull/4073
    • Fixes broken Launch apikey error message by @gtarpenning in https://github.com/wandb/wandb/pull/4071
    • Marks flakey sweeps test xfail by @hu-po in https://github.com/wandb/wandb/pull/4095
    • Fixes Launch gitversion error message by @gtarpenning in https://github.com/wandb/wandb/pull/4103
    • Fixes yea-wandb dev release -> release by @raubitsj in https://github.com/wandb/wandb/pull/4098
    • Cleans up outstanding issues after the client->wandb rename by @kptkin in https://github.com/wandb/wandb/pull/4105
    • Fixes test precision recall by @kptkin in https://github.com/wandb/wandb/pull/4108
    • Fixes functional sklearn test by @raubitsj in https://github.com/wandb/wandb/pull/4107
    • Fixes hang caused by keyboard interrupt on windows by @kptkin in https://github.com/wandb/wandb/pull/4116
    • Fixes default test container tag by @kptkin in https://github.com/wandb/wandb/pull/4137
    • Fixes summary handling in conftest.py by @dmitryduev in https://github.com/wandb/wandb/pull/4140
    • Fixes some small typos in cli output by @lukas in https://github.com/wandb/wandb/pull/4126
    • Fixes issue triggered by colab update by using default file and catching exceptions by @raubitsj in https://github.com/wandb/wandb/pull/4156
    • Fixes mailbox locking issue by @raubitsj in https://github.com/wandb/wandb/pull/4214
    • Fixes variable inclusion in log string by @klieret in https://github.com/wandb/wandb/pull/4219
    • Corrects wandb.Artifacts.artifact.version attribute by @ngrayluna in https://github.com/wandb/wandb/pull/4199
    • Fixes piping of docker args by Launch Agent by @KyleGoyette in https://github.com/wandb/wandb/pull/4215
    • Fixes RecursionError when printing public API User object without email fetched by @speezepearson in https://github.com/wandb/wandb/pull/4193
    • Fixes deserialization of numeric column names by @tssweeney in https://github.com/wandb/wandb/pull/4241

    New Contributors

    • @gtarpenning made their first contribution in https://github.com/wandb/wandb/pull/4069
    • @estellazx made their first contribution in https://github.com/wandb/wandb/pull/4181
    • @klieret made their first contribution in https://github.com/wandb/wandb/pull/4219
    • @ngrayluna made their first contribution in https://github.com/wandb/wandb/pull/4199
    • @martinabeleda made their first contribution in https://github.com/wandb/wandb/pull/4115
    • @ibindlish made their first contribution in https://github.com/wandb/wandb/pull/4233
    • @scottire made their first contribution in https://github.com/wandb/wandb/pull/4191

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.2...v0.13.3

    Source code(tar.gz)
    Source code(zip)
  • v0.13.2(Aug 22, 2022)

    0.13.2 (August 22, 2022)

    :bug: Bug Fix

    • Fix issue triggered by colab update by using default file and catching exceptions by @raubitsj in https://github.com/wandb/wandb/pull/4156

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.1...v0.13.2

    Source code(tar.gz)
    Source code(zip)
  • v0.13.1(Aug 5, 2022)

    0.13.1 (August 5, 2022)

    :bug: Bug Fix

    • Prevents run.log() from mutating passed in arguments by @kptkin in https://github.com/wandb/wandb/pull/4058

    Full Changelog: https://github.com/wandb/wandb/compare/v0.13.0...v0.13.1

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0(Aug 3, 2022)

    0.13.0 (August 3, 2022)

    :nail_care: Enhancement

    • Turns service on by default by @kptkin in https://github.com/wandb/wandb/pull/3895
    • Adds support logic for handling server provided messages by @kptkin in https://github.com/wandb/wandb/pull/3706
    • Allows runs to produce jobs on finish by @KyleGoyette in https://github.com/wandb/wandb/pull/3810
    • Adds Job, QueuedRun and job handling in launch by @KyleGoyette in https://github.com/wandb/wandb/pull/3809
    • Supports in launch agent of instance roles in ec2 and eks by @KyleGoyette in https://github.com/wandb/wandb/pull/3596
    • Adds default behavior to the Keras Callback: always save model checkpoints as artifacts by @vwrj in https://github.com/wandb/wandb/pull/3909
    • Sanitizes the artifact name in the KerasCallback for model artifact saving by @vwrj in https://github.com/wandb/wandb/pull/3927
    • Improves console logging by moving emulator to the service process by @raubitsj in https://github.com/wandb/wandb/pull/3828
    • Fixes data corruption issue when logging large sizes of data by @kptkin in https://github.com/wandb/wandb/pull/3920
    • Adds the state to the Sweep repr in the Public API by @hu-po in https://github.com/wandb/wandb/pull/3948
    • Adds an option to specify different root dir for git using settings or environment variables by @bcsherma in https://github.com/wandb/wandb/pull/3250
    • Adds an option to pass remote url and commit hash as arguments to settings or as environment variables by @kptkin in https://github.com/wandb/wandb/pull/3934
    • Improves time resolution for tracked metrics and for system metrics by @raubitsj in https://github.com/wandb/wandb/pull/3918
    • Defaults to project name from the sweep config when project is not specified in the wandb.sweep() call by @hu-po in https://github.com/wandb/wandb/pull/3919
    • Adds support to use namespace set user by the the launch agent by @KyleGoyette in https://github.com/wandb/wandb/pull/3950
    • Adds telemetry to track when a run might be overwritten by @raubitsj in https://github.com/wandb/wandb/pull/3998
    • Adds a tool to export wandb's history into sqlite by @raubitsj in https://github.com/wandb/wandb/pull/3999
    • Replaces some Mapping[str, ...] types with NamedTuples by @speezepearson in https://github.com/wandb/wandb/pull/3996
    • Adds import hook for run telemetry by @kptkin in https://github.com/wandb/wandb/pull/3988
    • Implements profiling support for IPUs by @cameron-martin in https://github.com/wandb/wandb/pull/3897

    :broom: Cleanup

    • Adds an escape hatch logic to disable service by @kptkin in https://github.com/wandb/wandb/pull/3829
    • Annotates wandb/docker and reverts change in the docker fixture by @dmitryduev in https://github.com/wandb/wandb/pull/3871
    • Fixes GFLOPS to GFLOPs in the Keras WandbCallback by @ayulockin in https://github.com/wandb/wandb/pull/3913
    • Adds type-annotate for file_stream.py by @dmitryduev in https://github.com/wandb/wandb/pull/3907
    • Renames repository from client to wandb by @dmitryduev in https://github.com/wandb/wandb/pull/3977
    • Updates documentation: adding --report_to wandb for HuggingFace Trainer by @ayulockin in https://github.com/wandb/wandb/pull/3959
    • Makes aliases optional in link_artifact by @vwrj in https://github.com/wandb/wandb/pull/3986
    • Renames wandb local to wandb server by @jsbroks in https://github.com/wandb/wandb/pull/3793
    • Updates README badges by @raubitsj in https://github.com/wandb/wandb/pull/4023
    • Improves wandb.init() error message by @raubitsj in https://github.com/wandb/wandb/pull/4030

    :bug: Bug Fix

    • Fixes sweep agent with service by @raubitsj in https://github.com/wandb/wandb/pull/3899
    • Fixes an empty type equals invalid type and how artifact dictionaries are handled by @KyleGoyette in https://github.com/wandb/wandb/pull/3904
    • Fixes wandb.Config object to support default values when getting an attribute by @farizrahman4u in https://github.com/wandb/wandb/pull/3820
    • Removes default config from jobs by @KyleGoyette in https://github.com/wandb/wandb/pull/3973
    • Fixes an issue where patch is None by @KyleGoyette in https://github.com/wandb/wandb/pull/4003
    • Fixes requirements.txt parsing in nightly SDK installation checks by @dmitryduev in https://github.com/wandb/wandb/pull/4012
    • Fixes 409 Conflict handling when GraphQL requests timeout by @raubitsj in https://github.com/wandb/wandb/pull/4000
    • Fixes service teardown handling if user process has been terminated by @raubitsj in https://github.com/wandb/wandb/pull/4024
    • Adds storage_path and fixed artifact.files by @vanpelt in https://github.com/wandb/wandb/pull/3969
    • Fixes performance issue syncing runs with a large number of media files by @vanpelt in https://github.com/wandb/wandb/pull/3941
    • Bump version: β†’ 0.13.1.dev1 by @raubitsj in https://github.com/wandb/wandb/pull/4025
    • Adds _internal_proc initialization in Service by @dmitryduev in https://github.com/wandb/wandb/pull/4029

    New Contributors

    • @bcsherma made their first contribution in https://github.com/wandb/wandb/pull/3250
    • @cameron-martin made their first contribution in https://github.com/wandb/wandb/pull/3897

    Full Changelog: https://github.com/wandb/wandb/compare/v0.12.21...v0.13.0

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc6(Aug 1, 2022)

    0.13.0rc6 (August 2, 2022)

    :nail_care: Enhancement

    • Turns service on by default by @kptkin in https://github.com/wandb/wandb/pull/3895
    • Adds support logic for handling server provided messages by @kptkin in https://github.com/wandb/wandb/pull/3706
    • Allows runs to produce jobs on finish by @KyleGoyette in https://github.com/wandb/wandb/pull/3810
    • Adds Job, QueuedRun and job handling in launch by @KyleGoyette in https://github.com/wandb/wandb/pull/3809
    • Supports in launch agent of instance roles in ec2 and eks by @KyleGoyette in https://github.com/wandb/wandb/pull/3596
    • Adds default behavior to the Keras Callback: always save model checkpoints as artifacts by @vwrj in https://github.com/wandb/wandb/pull/3909
    • Sanitizes the artifact name in the KerasCallback for model artifact saving by @vwrj in https://github.com/wandb/wandb/pull/3927
    • Improves console logging by moving emulator to the service process by @raubitsj in https://github.com/wandb/wandb/pull/3828
    • Fixes data corruption issue when logging large sizes of data by @kptkin in https://github.com/wandb/wandb/pull/3920
    • Adds the state to the Sweep repr in the Public API by @hu-po in https://github.com/wandb/wandb/pull/3948
    • Adds an option to specify different root dir for git using settings or environment variables by @bcsherma in https://github.com/wandb/wandb/pull/3250
    • Adds an option to pass remote url and commit hash as arguments to settings or as environment variables by @kptkin in https://github.com/wandb/wandb/pull/3934
    • Improves time resolution for tracked metrics and for system metrics by @raubitsj in https://github.com/wandb/wandb/pull/3918
    • Defaults to project name from the sweep config when project is not specified in the wandb.sweep() call by @hu-po in https://github.com/wandb/wandb/pull/3919
    • Adds support to use namespace set user by the the launch agent by @KyleGoyette in https://github.com/wandb/wandb/pull/3950
    • Ensures metadata passed to Artifact() is a legal dict by @speezepearson in https://github.com/wandb/wandb/pull/3975
    • Adds telemetry to track when a run might be overwritten by @raubitsj in https://github.com/wandb/wandb/pull/3998
    • Adds a tool to export wandb's history into sqlite by @raubitsj in https://github.com/wandb/wandb/pull/3999
    • Replaces some Mapping[str, ...] types with NamedTuples by @speezepearson in https://github.com/wandb/wandb/pull/3996
    • Adds import hook for run telemetry by @kptkin in https://github.com/wandb/wandb/pull/3988
    • Implements profiling support for IPUs by @cameron-martin in https://github.com/wandb/wandb/pull/3897

    :broom: Cleanup

    • Adds an escape hatch logic to disable service by @kptkin in https://github.com/wandb/wandb/pull/3829
    • Annotates wandb/docker and reverts change in the docker fixture by @dmitryduev in https://github.com/wandb/wandb/pull/3871
    • Fixes GFLOPS to GFLOPs in the Keras WandbCallback by @ayulockin in https://github.com/wandb/wandb/pull/3913
    • Adds type-annotate for file_stream.py by @dmitryduev in https://github.com/wandb/wandb/pull/3907
    • Renames repository from client to wandb by @dmitryduev in https://github.com/wandb/wandb/pull/3977
    • Updates documentation: adding --report_to wandb for HuggingFace Trainer by @ayulockin in https://github.com/wandb/wandb/pull/3959
    • Makes aliases optional in link_artifact by @vwrj in https://github.com/wandb/wandb/pull/3986
    • Renames wandb local to wandb server by @jsbroks in https://github.com/wandb/wandb/pull/3793
    • Updates README badges by @raubitsj in https://github.com/wandb/wandb/pull/4023

    :bug: Bug Fix

    • Fixes sweep agent with service by @raubitsj in https://github.com/wandb/wandb/pull/3899
    • Fixes an empty type equals invalid type and how artifact dictionaries are handled by @KyleGoyette in https://github.com/wandb/wandb/pull/3904
    • Fixes wandb.Config object to support default values when getting an attribute by @farizrahman4u in https://github.com/wandb/wandb/pull/3820
    • Removes default config from jobs by @KyleGoyette in https://github.com/wandb/wandb/pull/3973
    • Fixes an issue where patch is None by @KyleGoyette in https://github.com/wandb/wandb/pull/4003
    • Fixes requirements.txt parsing in nightly SDK installation checks by @dmitryduev in https://github.com/wandb/wandb/pull/4012
    • Fixes 409 Conflict handling when GraphQL requests timeout by @raubitsj in https://github.com/wandb/wandb/pull/4000
    • Fixes service teardown handling if user process has been terminated by @raubitsj in https://github.com/wandb/wandb/pull/4024
    • Adds storage_path and fixed artifact.files by @vanpelt in https://github.com/wandb/wandb/pull/3969
    • Fixes performance issue syncing runs with a large number of media files by @vanpelt in https://github.com/wandb/wandb/pull/3941

    New Contributors

    • @bcsherma made their first contribution in https://github.com/wandb/wandb/pull/3250
    • @cameron-martin made their first contribution in https://github.com/wandb/wandb/pull/3897

    Full Changelog: https://github.com/wandb/wandb/compare/v0.12.21...v0.13.0rc6

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc5(Jul 15, 2022)

    What's Changed

    :nail_care: Enhancement

    • Turns service on by default by @kptkin in https://github.com/wandb/client/pull/3895
    • Adds support logic for handling server provided messages by @kptkin in https://github.com/wandb/client/pull/3706
    • Allows runs to produce jobs on finish by @KyleGoyette in https://github.com/wandb/client/pull/3810
    • Adds Job, QueuedRun and job handling in launch by @KyleGoyette in https://github.com/wandb/client/pull/3809
    • Supports in launch agent of instance roles in ec2 and eks by @KyleGoyette in https://github.com/wandb/client/pull/3596
    • Adds default behavior to the Keras Callback: always save model checkpoints as artifacts by @vwrj in https://github.com/wandb/client/pull/3909
    • Sanitizes sanitize artifact name in KerasCallback for model artifact saving by @vwrj in https://github.com/wandb/client/pull/3927
    • Improves console logging by moving emulator to the service process by @raubitsj in https://github.com/wandb/client/pull/3828

    :broom: Cleanup

    • Adds an escape hatch logic to disable service by @kptkin in https://github.com/wandb/client/pull/3829
    • Annotates wandb/docker and reverts change in the docker fixture by @dmitryduev in https://github.com/wandb/client/pull/3871
    • Fixes GFLOPS to GFLOPs in the Keras WandbCallback by @ayulockin in https://github.com/wandb/client/pull/3913
    • Fixes wandb.Config object to support default values when getting an attribute by @farizrahman4u in https://github.com/wandb/client/pull/3820

    :bug: Bug Fix

    • Fixes sweep agent with service by @raubitsj in https://github.com/wandb/client/pull/3899
    • Fixes an empty type equals invalid type and how artifact dictionaries are handled by @KyleGoyette in https://github.com/wandb/client/pull/3904
    • Fixes keras flops tests by @dmitryduev in https://github.com/wandb/client/pull/3914
    • Fixes data corruption issue when logging large sizes of data by @kptkin in https://github.com/wandb/client/pull/3920

    Full Changelog: https://github.com/wandb/client/compare/v0.12.21...v0.13.0rc5

    Source code(tar.gz)
    Source code(zip)
  • v0.12.21(Jul 5, 2022)

    0.12.21 (July 5, 2022)

    :nail_care: Enhancement

    • Fixes config not showing up until the run finish by @KyleGoyette in https://github.com/wandb/client/pull/3734
    • Adds new types to the TypeRegistry to handling artifact objects in jobs and run configs by @KyleGoyette in https://github.com/wandb/client/pull/3806
    • Adds new query to the the internal api getting the state of the run by @hu-po in https://github.com/wandb/client/pull/3799
    • Replaces unsafe yaml loaders with yaml.safe_load by @zythosec in https://github.com/wandb/client/pull/3753
    • Improves testing tooling by allowing to specify shards in manual testing by @dmitryduev in https://github.com/wandb/client/pull/3826
    • Fixes ROC and PR curves in the sklearn integration by stratifying sampling by @tylerganter in https://github.com/wandb/client/pull/3757
    • Fixes input box in notebooks exceeding cell space by @dmitryduev in https://github.com/wandb/client/pull/3849
    • Allows string to be passed as alias to link_model by @tssweeney in https://github.com/wandb/client/pull/3834
    • Adds Support for FLOPS Calculation in keras's WandbCallback by @dmitryduev in https://github.com/wandb/client/pull/3869
    • Extends python report editing by @andrewtruong in https://github.com/wandb/client/pull/3732

    :bug: Bug Fix

    • Fixes stats logger so it can find all the correct GPUs in child processes by @raubitsj in https://github.com/wandb/client/pull/3727
    • Fixes regression in s3 reference upload for folders by @jlzhao27 in https://github.com/wandb/client/pull/3825
    • Fixes artifact commit logic to handle collision in the backend by @speezepearson in https://github.com/wandb/client/pull/3843
    • Checks for None response in the retry logic (safety check) by @raubitsj in https://github.com/wandb/client/pull/3863
    • Adds sweeps on top of launch (currently in MVP) by @hu-po in https://github.com/wandb/client/pull/3669
    • Renames functional tests dir and files by @raubitsj in https://github.com/wandb/client/pull/3879

    :broom: Cleanup

    • Fixes conditions order of _to_dict helper by @dmitryduev in https://github.com/wandb/client/pull/3772
    • Fixes changelog broken link to PR 3709 by @janosh in https://github.com/wandb/client/pull/3786
    • Fixes public api query (QueuedJob Api ) by @KyleGoyette in https://github.com/wandb/client/pull/3798
    • Renames local runners to local-container and local-process by @hu-po in https://github.com/wandb/client/pull/3800
    • Adds type annotations to files in the wandb/filesync directory by @speezepearson in https://github.com/wandb/client/pull/3774
    • Re-organizes all the testing directories to have common root dir by @dmitryduev in https://github.com/wandb/client/pull/3740
    • Fixes testing configuration and add bigger machine on CircleCi by @dmitryduev in https://github.com/wandb/client/pull/3836
    • Fixes typo in the wandb-service-user readme file by @Co1lin in https://github.com/wandb/client/pull/3847
    • Fixes broken artifact test for regression by @dmitryduev in https://github.com/wandb/client/pull/3857
    • Removes unused files (relating to py27) and empty submodules declaration by @dmitryduev in https://github.com/wandb/client/pull/3850
    • Adds extra for model reg dependency on cloudpickle by @tssweeney in https://github.com/wandb/client/pull/3866
    • Replaces deprecated threading aliases by @hugovk in https://github.com/wandb/client/pull/3794
    • Updates the sdk readme to the renamed (local -> server) commands by @sephmard in https://github.com/wandb/client/pull/3771

    New Contributors

    • @janosh made their first contribution in https://github.com/wandb/client/pull/3786
    • @Co1lin made their first contribution in https://github.com/wandb/client/pull/3847
    • @tylerganter made their first contribution in https://github.com/wandb/client/pull/3757

    Full Changelog: https://github.com/wandb/client/compare/v0.12.20...v0.12.21

    Source code(tar.gz)
    Source code(zip)
  • v0.12.20(Jun 29, 2022)

    0.12.20 (June 29, 2022)

    :bug: Bug Fix

    • Retry commit_artifact on conflict-error by @speezepearson in https://github.com/wandb/client/pull/3843

    Full Changelog: https://github.com/wandb/client/compare/v0.12.19...v0.12.20

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc4(Jun 24, 2022)

    0.13.0rc4 (June 24, 2022)

    :bug: Bug Fix

    • Fix regression in s3 reference upload for folders by @jlzhao27 in https://github.com/wandb/client/pull/3825

    Full Changelog: https://github.com/wandb/client/compare/v0.12.18...v0.13.0rc4

    Source code(tar.gz)
    Source code(zip)
  • v0.12.19(Jun 22, 2022)

    0.12.19 (June 22, 2022)

    :bug: Bug Fix

    • Fix regression in s3 reference upload for folders by @jlzhao27 in https://github.com/wandb/client/pull/3825

    Full Changelog: https://github.com/wandb/client/compare/v0.12.18...v0.12.19

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc3(Jun 14, 2022)

    0.13.0rc3 (June 13, 2022)

    :nail_care: Enhancement

    • Launch: BareRunner based on LocalRunner by @hu-po in https://github.com/wandb/client/pull/3577
    • Add ability to specify api key to public api by @dannygoldstein in https://github.com/wandb/client/pull/3657
    • Add support in artifacts for files with unicode on windows by @kptkin in https://github.com/wandb/client/pull/3650
    • Added telemetry for new packages by @manangoel99 in https://github.com/wandb/client/pull/3713
    • Improve API key management by @vanpelt in https://github.com/wandb/client/pull/3718
    • Add information about wandb server during login by @raubitsj in https://github.com/wandb/client/pull/3754

    :broom: Cleanup

    • Inline FileEventHandler.synced into the only method where it's used by @speezepearson in https://github.com/wandb/client/pull/3594
    • Use passed size argument to make PolicyLive.min_wait_for_size a classmethod by @speezepearson in https://github.com/wandb/client/pull/3593
    • Make FileEventHandler an ABC, remove some "default" method impls which were only used once by @speezepearson in https://github.com/wandb/client/pull/3595
    • Remove unused field from DirWatcher by @speezepearson in https://github.com/wandb/client/pull/3592
    • Make sweeps an extra instead of vendoring by @dmitryduev in https://github.com/wandb/client/pull/3628
    • Add nightly CI testing by @dmitryduev in https://github.com/wandb/client/pull/3580
    • Improve keras and data type Reference Docs by @ramit-wandb in https://github.com/wandb/client/pull/3676
    • Update pytorch version requirements in dev environments by @dmitryduev in https://github.com/wandb/client/pull/3683
    • Clean up CircleCI config by @dmitryduev in https://github.com/wandb/client/pull/3722
    • Add py310 testing in CI by @dmitryduev in https://github.com/wandb/client/pull/3730
    • Ditch dateutil from the requirements by @dmitryduev in https://github.com/wandb/client/pull/3738
    • Add deprecated string to Table.add_row by @nate-wandb in https://github.com/wandb/client/pull/3739

    :bug: Bug Fix

    • fix(weave): Natively support timestamps in Python Table Types by @dannygoldstein in https://github.com/wandb/client/pull/3606
    • Add support for magic with service by @kptkin in https://github.com/wandb/client/pull/3623
    • Add unit tests for DirWatcher and supporting classes by @speezepearson in https://github.com/wandb/client/pull/3589
    • Improve DirWatcher.update_policy O(1) instead of O(num files uploaded) by @speezepearson in https://github.com/wandb/client/pull/3613
    • Add argument to control what to log in SB3 callback by @astariul in https://github.com/wandb/client/pull/3643
    • Improve parameter naming in sb3 integration by @dmitryduev in https://github.com/wandb/client/pull/3647
    • Adjust the requirements for the dev environment setup on an M1 Mac by @dmitryduev in https://github.com/wandb/client/pull/3627
    • Launch: Fix NVIDIA base image Linux keys by @KyleGoyette in https://github.com/wandb/client/pull/3637
    • Fix launch run queue handling from config file by @KyleGoyette in https://github.com/wandb/client/pull/3636
    • Fix issue where tfevents were not always consumed by @minyoung in https://github.com/wandb/client/pull/3673
    • [Snyk] Fix for 8 vulnerabilities by @snyk-bot in https://github.com/wandb/client/pull/3695
    • Fix s3 storage handler to upload folders when key names collide by @jlzhao27 in https://github.com/wandb/client/pull/3699
    • Correctly load timestamps from tables in artifacts by @dannygoldstein in https://github.com/wandb/client/pull/3691
    • Require protobuf<4 by @dmitryduev in https://github.com/wandb/client/pull/3709
    • Make Containers created through launch re-runnable as container jobs by @KyleGoyette in https://github.com/wandb/client/pull/3642
    • Fix tensorboard integration skipping steps at finish() by @KyleGoyette in https://github.com/wandb/client/pull/3626
    • Rename wandb local to wandb server by @jsbroks in https://github.com/wandb/client/pull/3716
    • Fix busted docker inspect command by @vanpelt in https://github.com/wandb/client/pull/3742
    • Add dedicated sentry client by @dmitryduev in https://github.com/wandb/client/pull/3724
    • Image Type should gracefully handle older type params by @tssweeney in https://github.com/wandb/client/pull/3731

    New Contributors

    • @sephmard made their first contribution in https://github.com/wandb/client/pull/3610
    • @astariul made their first contribution in https://github.com/wandb/client/pull/3643
    • @manangoel99 made their first contribution in https://github.com/wandb/client/pull/3713
    • @nate-wandb made their first contribution in https://github.com/wandb/client/pull/3739

    Full Changelog: https://github.com/wandb/client/compare/v0.12.17...v0.13.0rc3

    Source code(tar.gz)
    Source code(zip)
  • v0.12.18(Jun 9, 2022)

    0.12.18 (June 9, 2022)

    :nail_care: Enhancement

    • Launch: BareRunner based on LocalRunner by @hu-po in https://github.com/wandb/client/pull/3577
    • Add ability to specify api key to public api by @dannygoldstein in https://github.com/wandb/client/pull/3657
    • Add support in artifacts for files with unicode on windows by @kptkin in https://github.com/wandb/client/pull/3650
    • Added telemetry for new packages by @manangoel99 in https://github.com/wandb/client/pull/3713
    • Improve API key management by @vanpelt in https://github.com/wandb/client/pull/3718
    • Add information about wandb server during login by @raubitsj in https://github.com/wandb/client/pull/3754

    :bug: Bug Fix

    • fix(weave): Natively support timestamps in Python Table Types by @dannygoldstein in https://github.com/wandb/client/pull/3606
    • Add support for magic with service by @kptkin in https://github.com/wandb/client/pull/3623
    • Add unit tests for DirWatcher and supporting classes by @speezepearson in https://github.com/wandb/client/pull/3589
    • Improve DirWatcher.update_policy O(1) instead of O(num files uploaded) by @speezepearson in https://github.com/wandb/client/pull/3613
    • Add argument to control what to log in SB3 callback by @astariul in https://github.com/wandb/client/pull/3643
    • Improve parameter naming in sb3 integration by @dmitryduev in https://github.com/wandb/client/pull/3647
    • Adjust the requirements for the dev environment setup on an M1 Mac by @dmitryduev in https://github.com/wandb/client/pull/3627
    • Launch: Fix NVIDIA base image Linux keys by @KyleGoyette in https://github.com/wandb/client/pull/3637
    • Fix launch run queue handling from config file by @KyleGoyette in https://github.com/wandb/client/pull/3636
    • Fix issue where tfevents were not always consumed by @minyoung in https://github.com/wandb/client/pull/3673
    • [Snyk] Fix for 8 vulnerabilities by @snyk-bot in https://github.com/wandb/client/pull/3695
    • Fix s3 storage handler to upload folders when key names collide by @jlzhao27 in https://github.com/wandb/client/pull/3699
    • Correctly load timestamps from tables in artifacts by @dannygoldstein in https://github.com/wandb/client/pull/3691
    • Require protobuf<4 by @dmitryduev in https://github.com/wandb/client/pull/3709
    • Make Containers created through launch re-runnable as container jobs by @KyleGoyette in https://github.com/wandb/client/pull/3642
    • Fix tensorboard integration skipping steps at finish() by @KyleGoyette in https://github.com/wandb/client/pull/3626
    • Rename wandb local to wandb server by @jsbroks in https://github.com/wandb/client/pull/3716
    • Fix busted docker inspect command by @vanpelt in https://github.com/wandb/client/pull/3742
    • Add dedicated sentry client by @dmitryduev in https://github.com/wandb/client/pull/3724
    • Image Type should gracefully handle older type params by @tssweeney in https://github.com/wandb/client/pull/3731

    :broom: Cleanup

    • Inline FileEventHandler.synced into the only method where it's used by @speezepearson in https://github.com/wandb/client/pull/3594
    • Use passed size argument to make PolicyLive.min_wait_for_size a classmethod by @speezepearson in https://github.com/wandb/client/pull/3593
    • Make FileEventHandler an ABC, remove some "default" method impls which were only used once by @speezepearson in https://github.com/wandb/client/pull/3595
    • Remove unused field from DirWatcher by @speezepearson in https://github.com/wandb/client/pull/3592
    • Make sweeps an extra instead of vendoring by @dmitryduev in https://github.com/wandb/client/pull/3628
    • Add nightly CI testing by @dmitryduev in https://github.com/wandb/client/pull/3580
    • Improve keras and data type Reference Docs by @ramit-wandb in https://github.com/wandb/client/pull/3676
    • Update pytorch version requirements in dev environments by @dmitryduev in https://github.com/wandb/client/pull/3683
    • Clean up CircleCI config by @dmitryduev in https://github.com/wandb/client/pull/3722
    • Add py310 testing in CI by @dmitryduev in https://github.com/wandb/client/pull/3730
    • Ditch dateutil from the requirements by @dmitryduev in https://github.com/wandb/client/pull/3738
    • Add deprecated string to Table.add_row by @nate-wandb in https://github.com/wandb/client/pull/3739

    New Contributors

    • @sephmard made their first contribution in https://github.com/wandb/client/pull/3610
    • @astariul made their first contribution in https://github.com/wandb/client/pull/3643
    • @manangoel99 made their first contribution in https://github.com/wandb/client/pull/3713
    • @nate-wandb made their first contribution in https://github.com/wandb/client/pull/3739

    Full Changelog: https://github.com/wandb/client/compare/v0.12.17...v0.12.18

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc2(May 26, 2022)

    0.13.0rc2 (May 26, 2022)

    :bug: Bug Fix

    • Update requirements to fix incompatibility with protobuf >= 4 by @dmitryduev in https://github.com/wandb/client/pull/3709

    Full Changelog: https://github.com/wandb/client/compare/v0.13.0rc1...v0.13.0rc2

    Source code(tar.gz)
    Source code(zip)
  • v0.12.17(May 26, 2022)

    0.12.17 (May 26, 2022)

    :bug: Bug Fix

    • Update requirements to fix incompatibility with protobuf >= 4 by @dmitryduev in https://github.com/wandb/client/pull/3709

    Full Changelog: https://github.com/wandb/client/compare/v0.12.16...v0.12.17

    Source code(tar.gz)
    Source code(zip)
  • v0.13.0rc1(May 18, 2022)

  • v0.12.16(May 3, 2022)

    0.12.16 (May 3, 2022)

    :nail_care: Enhancement

    • Improve W&B footer by aligning summary/history in notebook env by @kptkin in https://github.com/wandb/client/pull/3479
    • Enable experimental history step logging in artifacts by @raubitsj in https://github.com/wandb/client/pull/3502
    • Add args_no_boolean_flags macro to sweep configuration by @hu-po in https://github.com/wandb/client/pull/3489
    • Add logging support for jax.bfloat.bfloat16 by @dmitryduev in https://github.com/wandb/client/pull/3528
    • Raise exception when Table size exceeds limit by @dannygoldstein in https://github.com/wandb/client/pull/3511
    • Add kaniko k8s builder for wandb launch by @KyleGoyette in https://github.com/wandb/client/pull/3492
    • Add wandb.init() timeout setting by @kptkin in https://github.com/wandb/client/pull/3579
    • Do not assume executable for given entrypoints with wandb launch by @KyleGoyette in https://github.com/wandb/client/pull/3461
    • Jupyter environments no longer collect command arguments by @KyleGoyette in https://github.com/wandb/client/pull/3456
    • Add support for TensorFlow/Keras SavedModel format by @ayulockin in https://github.com/wandb/client/pull/3276

    :bug: Bug Fix

    • Support version IDs in artifact refs, fix s3/gcs references in Windows by @annirudh in https://github.com/wandb/client/pull/3529
    • Fix support for multiple finish for single run using wandb-service by @kptkin in https://github.com/wandb/client/pull/3560
    • Fix duplicate backtrace when using wandb-service by @kptkin in https://github.com/wandb/client/pull/3575
    • Fix wrong entity displayed in login message by @kptkin in https://github.com/wandb/client/pull/3490
    • Fix hang when wandb.init is interrupted mid setup using wandb-service by @kptkin in https://github.com/wandb/client/pull/3569
    • Fix handling keyboard interrupt to avoid hangs with wandb-service enabled by @kptkin in https://github.com/wandb/client/pull/3566
    • Fix console logging with very long print out when using wandb-service by @kptkin in https://github.com/wandb/client/pull/3574
    • Fix broken artifact string in launch init config by @KyleGoyette in https://github.com/wandb/client/pull/3582

    :broom: Cleanup

    • Fix typo in wandb.log() docstring by @RobRomijnders in https://github.com/wandb/client/pull/3520
    • Cleanup custom chart code and add type annotations to plot functions by @kptkin in https://github.com/wandb/client/pull/3407
    • Improve wandb.init(settings=) to handle Settings object similarly to dict parameter by @dmitryduev in https://github.com/wandb/client/pull/3510
    • Add documentation note about api.viewer in api.user() and api.users() by @ramit-wandb in https://github.com/wandb/client/pull/3552
    • Be explicit about us being py3+ only in setup.py by @dmitryduev in https://github.com/wandb/client/pull/3549
    • Add type annotations to DirWatcher by @speezepearson in https://github.com/wandb/client/pull/3557
    • Improve wandb.log() docstring to use the correct argument name by @idaho777 in https://github.com/wandb/client/pull/3585

    New Contributors

    • @RobRomijnders made their first contribution in https://github.com/wandb/client/pull/3520
    • @ramit-wandb made their first contribution in https://github.com/wandb/client/pull/3552
    • @idaho777 made their first contribution in https://github.com/wandb/client/pull/3585

    Full Changelog: https://github.com/wandb/client/compare/v0.12.15...v0.12.16

    Source code(tar.gz)
    Source code(zip)
  • v0.12.15(Apr 21, 2022)

    0.12.15 (April 21, 2022)

    :nail_care: Enhancement

    • Optimize wandb.Image logging when linked to an artifact by @tssweeney in https://github.com/wandb/client/pull/3418

    Full Changelog: https://github.com/wandb/client/compare/v0.12.14...v0.12.15

    Source code(tar.gz)
    Source code(zip)
  • v0.12.14(Apr 8, 2022)

    0.12.14 (April 8, 2022)

    :bug: Bug Fix

    • Fix regression: disable saving history step in artifacts by @vwrj in https://github.com/wandb/client/pull/3495

    Full Changelog: https://github.com/wandb/client/compare/v0.12.13...v0.12.14

    Source code(tar.gz)
    Source code(zip)
  • v0.12.13(Apr 7, 2022)

    0.12.13 (April 7, 2022)

    :bug: Bug Fix

    • Revert strictened api_key validation by @dmitryduev in https://github.com/wandb/client/pull/3485

    Full Changelog: https://github.com/wandb/client/compare/v0.12.12...v0.12.13

    Source code(tar.gz)
    Source code(zip)
  • v0.12.12(Apr 5, 2022)

    0.12.12 (April 5, 2022)

    :nail_care: Enhancement

    • Allow run objects to be passed to other processes when using wandb-service by @kptkin in https://github.com/wandb/client/pull/3308
    • Add create user to public api by @vanpelt in https://github.com/wandb/client/pull/3438
    • Support logging from multiple processes with wandb-service by @kptkin in https://github.com/wandb/client/pull/3285
    • Add gpus flag for local launch runner with cuda by @KyleGoyette in https://github.com/wandb/client/pull/3417
    • Improve Launch deployable agent by @KyleGoyette in https://github.com/wandb/client/pull/3388
    • Add Launch kubernetes integration by @KyleGoyette in https://github.com/wandb/client/pull/3393
    • KFP: Add wandb visualization helper by @andrewtruong in https://github.com/wandb/client/pull/3439
    • KFP: Link back to Kubeflow UI by @andrewtruong in https://github.com/wandb/client/pull/3427

    :bug: Bug Fix

    • Improve host / WANDB_BASE_URL validation by @dmitryduev in https://github.com/wandb/client/pull/3314
    • Fix/insecure tempfile by @dmitryduev in https://github.com/wandb/client/pull/3360
    • Fix excess warning span if requested WANDB_DIR/root_dir is not writable by @dmitryduev in https://github.com/wandb/client/pull/3304
    • Fix line_series to plot array of strings by @kptkin in https://github.com/wandb/client/pull/3385
    • Properly handle command line args with service by @kptkin in https://github.com/wandb/client/pull/3371
    • Improve api_key validation by @dmitryduev in https://github.com/wandb/client/pull/3384
    • Fix multiple performance issues caused by not using defaultdict by @dmitryduev in https://github.com/wandb/client/pull/3406
    • Enable inf max jobs on launch agent by @stephchen in https://github.com/wandb/client/pull/3412
    • fix colab command to work with launch by @stephchen in https://github.com/wandb/client/pull/3422
    • fix typo in Config docstring by @hu-po in https://github.com/wandb/client/pull/3416
    • Make code saving not a policy, keep previous custom logic by @dmitryduev in https://github.com/wandb/client/pull/3395
    • Fix logging sequence images with service by @kptkin in https://github.com/wandb/client/pull/3339
    • Add username to debug-cli log file to prevent conflicts of multiple users by @zythosec in https://github.com/wandb/client/pull/3301
    • Fix python sweep agent for users of wandb service / pytorch-lightning by @raubitsj in https://github.com/wandb/client/pull/3465
    • Remove unnecessary launch reqs checks by @KyleGoyette in https://github.com/wandb/client/pull/3457
    • Workaround for MoviePy's Unclosed Writer by @tssweeney in https://github.com/wandb/client/pull/3471
    • Improve handling of Run objects when service is not enabled by @kptkin in https://github.com/wandb/client/pull/3362

    New Contributors

    • @hu-po made their first contribution in https://github.com/wandb/client/pull/3416
    • @zythosec made their first contribution in https://github.com/wandb/client/pull/3301

    Full Changelog: https://github.com/wandb/client/compare/v0.12.11...v0.12.12

    Source code(tar.gz)
    Source code(zip)
  • v0.12.11(Mar 1, 2022)

    0.12.11 (March 1, 2022)

    :nail_care: Enhancement

    • Add captions to Molecules by @dmitryduev in https://github.com/wandb/client/pull/3173
    • Add CatBoost Integration by @ayulockin in https://github.com/wandb/client/pull/2975
    • Launch: AWS Sagemaker integration by @KyleGoyette in https://github.com/wandb/client/pull/3007
    • Launch: Remove repo2docker and add gpu support by @stephchen in https://github.com/wandb/client/pull/3161
    • Adds Timestamp inference from Python for Weave by @tssweeney in https://github.com/wandb/client/pull/3212
    • Launch GCP vertex integration by @stephchen in https://github.com/wandb/client/pull/3040
    • Use Artifacts when put into run config. Accept a string to represent an artifact in the run config by @KyleGoyette in https://github.com/wandb/client/pull/3203
    • Improve xgboost wandb_callback (#2929) by @ayulockin in https://github.com/wandb/client/pull/3025
    • Add initial kubeflow pipeline support by @andrewtruong in https://github.com/wandb/client/pull/3206

    :bug: Bug Fix

    • Fix logging of images with special characters in the key by @speezepearson in https://github.com/wandb/client/pull/3187
    • Fix azure blob upload retry logic by @vanpelt in https://github.com/wandb/client/pull/3218
    • Fix program field for scripts run as a python module by @dmitryduev in https://github.com/wandb/client/pull/3228
    • Fix issue where sync_tensorboard could die on large histograms by @KyleGoyette in https://github.com/wandb/client/pull/3019
    • Fix wandb service performance issue during run shutdown by @raubitsj in https://github.com/wandb/client/pull/3262
    • Fix vendoring of gql and graphql by @raubitsj in https://github.com/wandb/client/pull/3266
    • Flush log data without finish with service by @kptkin in https://github.com/wandb/client/pull/3137
    • Fix wandb service hang when the service crashes by @raubitsj in https://github.com/wandb/client/pull/3280
    • Fix issue logging images with "/" on Windows by @KyleGoyette in https://github.com/wandb/client/pull/3146
    • Add image filenames to images/separated media by @KyleGoyette in https://github.com/wandb/client/pull/3041
    • Add setproctitle to requirements.txt by @raubitsj in https://github.com/wandb/client/pull/3289
    • Fix issue where sagemaker run ids break run queues by @KyleGoyette in https://github.com/wandb/client/pull/3290
    • Fix encoding exception when using %%capture magic by @raubitsj in https://github.com/wandb/client/pull/3310

    New Contributors

    • @speezepearson made their first contribution in https://github.com/wandb/client/pull/3188

    Full Changelog: https://github.com/wandb/client/compare/v0.12.10...v0.12.11

    Source code(tar.gz)
    Source code(zip)
  • v0.12.10(Feb 1, 2022)

    0.12.10 (February 1, 2022)

    :nail_care: Enhancement

    • Improve validation when creating Tables with invalid columns from dataframes by @tssweeney in https://github.com/wandb/client/pull/3113
    • Enable digest deduplication for use_artifact() calls by @annirudh in https://github.com/wandb/client/pull/3109
    • Initial prototype of azure blob upload support by @vanpelt in https://github.com/wandb/client/pull/3089

    :bug: Bug Fix

    • Fix wandb launch using python dev versions by @stephchen in https://github.com/wandb/client/pull/3036
    • Fix loading table saved with mixed types by @vwrj in https://github.com/wandb/client/pull/3120
    • Fix ResourceWarning when calling wandb.log by @vwrj in https://github.com/wandb/client/pull/3130
    • Fix missing cursor in ProjectArtifactCollections by @KyleGoyette in https://github.com/wandb/client/pull/3108
    • Fix windows table logging classes issue by @vwrj in https://github.com/wandb/client/pull/3145
    • Gracefully handle string labels in wandb.sklearn.plot.classifier.calibration_curve by @acrellin in https://github.com/wandb/client/pull/3159
    • Do not display login warning when calling wandb.sweep() by @acrellin in https://github.com/wandb/client/pull/3162

    :broom: Cleanup

    • Drop python2 backport deps (enum34, subprocess32, configparser) by @jbylund in https://github.com/wandb/client/pull/3004
    • Settings refactor by @dmitryduev in https://github.com/wandb/client/pull/3083

    New Contributors

    • @jbylund made their first contribution in https://github.com/wandb/client/pull/3004
    • @acrellin made their first contribution in https://github.com/wandb/client/pull/3159

    Full Changelog: https://github.com/wandb/client/compare/v0.12.9...v0.12.10

    Source code(tar.gz)
    Source code(zip)
  • v0.12.9(Dec 17, 2021)

    0.12.9 (December 16, 2021)

    :bug: Bug Fix

    • Fix regression in upload_file() exception handler by @raubitsj in https://github.com/wandb/client/pull/3059

    Full Changelog: https://github.com/wandb/client/compare/v0.12.8...v0.12.9

    Source code(tar.gz)
    Source code(zip)
  • v0.12.8(Dec 16, 2021)

    :nail_care: Enhancement

    • Update contributing guide and dev env setup tool by @dmitryduev in https://github.com/wandb/client/pull/2968
    • Improve wandb_callback for LightGBM (#2945) by @ayulockin in https://github.com/wandb/client/pull/3024

    :bug: Bug Fix

    • Reduce GPU memory usage when generating histogram of model weights by @TOsborn in https://github.com/wandb/client/pull/2927
    • Support mixed classes in bounding box and image mask annotation layers by @tssweeney in https://github.com/wandb/client/pull/2914
    • Add max-jobs and launch async args by @stephchen in https://github.com/wandb/client/pull/2925
    • Support lists of Summary objects encoded as strings to wandb.tensorboard.log by @dmitryduev in https://github.com/wandb/client/pull/2934
    • Fix handling of 0 dim np arrays by @rpitonak in https://github.com/wandb/client/pull/2954
    • Fix handling of empty default config file by @vwrj in https://github.com/wandb/client/pull/2957
    • Add service backend using sockets (support fork) by @raubitsj in https://github.com/wandb/client/pull/2892
    • Send git port along with url when sending git repo by @KyleGoyette in https://github.com/wandb/client/pull/2959
    • Add support raw ip addresses for launch by @KyleGoyette in https://github.com/wandb/client/pull/2950
    • Tables no longer serialize and hide 1d NDArrays by @tssweeney in https://github.com/wandb/client/pull/2976
    • Fix artifact file uploads to S3 stores by @annirudh in https://github.com/wandb/client/pull/2999
    • Send uploaded file list on file stream heartbeats by @annirudh in https://github.com/wandb/client/pull/2978
    • Add support for keras experimental layers by @KyleGoyette in https://github.com/wandb/client/pull/2776
    • Fix from wandb import magic to not require tensorflow by @raubitsj in https://github.com/wandb/client/pull/3021
    • Fix launch permission error by @KyleGoyette in https://github.com/wandb/client/pull/3038

    Full Changelog: https://github.com/wandb/client/compare/v0.12.7...v0.12.8

    Source code(tar.gz)
    Source code(zip)
  • v0.12.7(Nov 19, 2021)

    :bug: Bug Fix

    • Fix issue where console log streaming was causing excessive network traffic by @vwrj in https://github.com/wandb/client/pull/2786
    • Metaflow: Make optional dependencies actually optional by @andrewtruong in https://github.com/wandb/client/pull/2842
    • Fix docstrings for wandb.watch and ValidationDataLogger by @charlesfrye in https://github.com/wandb/client/pull/2849
    • Prevent launch agent from sending runs to a different project or entity by @KyleGoyette in https://github.com/wandb/client/pull/2872
    • Fix logging pr_curves through tensorboard by @KyleGoyette in https://github.com/wandb/client/pull/2876
    • Prevent TPU monitoring from reporting invalid metrics when not available by @kptkin in https://github.com/wandb/client/pull/2753
    • Make import order dependencies for WandbCallback more robust by @kptkin in https://github.com/wandb/client/pull/2807
    • Fix a bug in feature importance plotting to handle matrices of different shapes by @dannygoldstein in https://github.com/wandb/client/pull/2811
    • Fix base url handling to allow trailing / by @kptkin in https://github.com/wandb/client/pull/2910
    • Prevent wandb.agent() from sending too many heartbeats impacting rate limits by @dannygoldstein in https://github.com/wandb/client/pull/2923
    • Redact sensitive information from debug logs by @raubitsj in https://github.com/wandb/client/pull/2931

    :nail_care: Enhancement

    • Add wandb.Molecule support for rdkit supported formats by @dmitryduev in https://github.com/wandb/client/pull/2902
    • Add module-level docstrings for reference doc modules. by @charlesfrye in https://github.com/wandb/client/pull/2847
    • Store launch metadata in file by @KyleGoyette in https://github.com/wandb/client/pull/2582
    • Add Project.sweeps() public API call to view all sweeps in a project by @stephchen in https://github.com/wandb/client/pull/2729
    • Ensures API key prompt remains captive when user enters nothing by @dannygoldstein in https://github.com/wandb/client/pull/2721
    • Refactors wandb.sklearn into submodules by @charlesfrye in https://github.com/wandb/client/pull/2869
    • Support code artifacts in wandb launch by @KyleGoyette in https://github.com/wandb/client/pull/2860
    • Improve launch agent (async, stop, heartbeat updates) by @stephchen in https://github.com/wandb/client/pull/2871
    • Improve usage and error messages for anonymous mode by @kimjyhello in https://github.com/wandb/client/pull/2823
    • Add example on how to find runs with wandb.Api().runs(...) matching a regex by @dmitryduev in https://github.com/wandb/client/pull/2926

    Full Changelog: https://github.com/wandb/client/compare/v0.12.6...v0.12.7

    Source code(tar.gz)
    Source code(zip)
  • v0.12.6(Oct 27, 2021)

    :bug: Bug Fix

    • Fix sklearn plot_calibration_curve() issue breaking the provided model by @vwrj in https://github.com/wandb/client/pull/2791
    • Fix CondaEnvExportError by redirecting stderr by @charlesfrye in https://github.com/wandb/client/pull/2814
    • Fix use_artifact() when specifying an artifact from a different project by @KyleGoyette in https://github.com/wandb/client/pull/2832

    :nail_care: Enhancement

    • Add metric names to pr curve charts in tensorboard by @vanpelt in https://github.com/wandb/client/pull/2822

    Full Changelog: https://github.com/wandb/client/compare/v0.12.5...v0.12.6

    Source code(tar.gz)
    Source code(zip)
Owner
Weights & Biases
Track model training at scale
Weights & Biases
Confidence intervals for scikit-learn forest algorithms

forest-confidence-interval: Confidence intervals for Forest algorithms Forest algorithms are powerful ensemble methods for classification and regressi

272 Dec 01, 2022
ZenML πŸ™: MLOps framework to create reproducible ML pipelines for production machine learning.

ZenML is an extensible, open-source MLOps framework to create production-ready machine learning pipelines. It has a simple, flexible syntax, is cloud and tool agnostic, and has interfaces/abstraction

ZenML 2.6k Jan 08, 2023
CorrProxies - Optimizing Machine Learning Inference Queries with Correlative Proxy Models

CorrProxies - Optimizing Machine Learning Inference Queries with Correlative Proxy Models

ZhihuiYangCS 8 Jun 07, 2022
This machine learning model was developed for House Prices

This machine learning model was developed for House Prices - Advanced Regression Techniques competition in Kaggle by using several machine learning models such as Random Forest, XGBoost and LightGBM.

serhat_derya 1 Mar 02, 2022
Relevance Vector Machine implementation using the scikit-learn API.

scikit-rvm scikit-rvm is a Python module implementing the Relevance Vector Machine (RVM) machine learning technique using the scikit-learn API. Quicks

James Ritchie 204 Nov 18, 2022
CD) in machine learning projectsImplementing continuous integration & delivery (CI/CD) in machine learning projects

CML with cloud compute This repository contains a sample project using CML with Terraform (via the cml-runner function) to launch an AWS EC2 instance

Iterative 19 Oct 03, 2022
Pandas DataFrames and Series as Interactive Tables in Jupyter

Pandas DataFrames and Series as Interactive Tables in Jupyter Star Turn pandas DataFrames and Series into interactive datatables in both your notebook

Marc Wouts 364 Jan 04, 2023
cuML - RAPIDS Machine Learning Library

cuML - GPU Machine Learning Algorithms cuML is a suite of libraries that implement machine learning algorithms and mathematical primitives functions t

RAPIDS 3.1k Dec 28, 2022
This handbook accompanies the course: Machine Learning with Hung-Yi Lee

This handbook accompanies the course: Machine Learning with Hung-Yi Lee

RenChu Wang 472 Dec 31, 2022
A collection of interactive machine-learning experiments: πŸ‹οΈmodels training + 🎨models demo

πŸ€– Interactive Machine Learning experiments: πŸ‹οΈmodels training + 🎨models demo

Oleksii Trekhleb 1.4k Jan 06, 2023
A python library for easy manipulation and forecasting of time series.

Time Series Made Easy in Python darts is a python library for easy manipulation and forecasting of time series. It contains a variety of models, from

Unit8 5.2k Jan 04, 2023
Flightfare-Prediction - It is a Flightfare Prediction Web Application Using Machine learning,Python and flask

Flight_fare-Prediction It is a Flight_fare Prediction Web Application Using Machine learning,Python and flask Using Machine leaning i have created a F

1 Dec 06, 2022
A handy tool for common machine learning models' hyper-parameter tuning.

Common machine learning models' hyperparameter tuning This repo is for a collection of hyper-parameter tuning for "common" machine learning models, in

Kevin Hu 2 Jan 27, 2022
A Python Module That Uses ANN To Predict A Stocks Price And Also Provides Accurate Technical Analysis With Many High Potential Implementations!

Stox A Module to predict the "close price" for the next day and give "technical analysis". It uses a Neural Network and the LSTM algorithm to predict

Stox 31 Dec 16, 2022
Built various Machine Learning algorithms (Logistic Regression, Random Forest, KNN, Gradient Boosting and XGBoost. etc)

Built various Machine Learning algorithms (Logistic Regression, Random Forest, KNN, Gradient Boosting and XGBoost. etc). Structured a custom ensemble model and a neural network. Found a outperformed

Chris Yuan 1 Feb 06, 2022
Turning images into '9-pan' palettes using KMeans clustering from sklearn.

img2palette Turning images into '9-pan' palettes using KMeans clustering from sklearn. Requirements We require: Pillow, for opening and processing ima

Samuel Vidovich 2 Jan 01, 2022
This project used bitcoin, S&P500, and gold to construct an investment portfolio that aimed to minimize risk by minimizing variance.

minvar_invest_portfolio This project used bitcoin, S&P500, and gold to construct an investment portfolio that aimed to minimize risk by minimizing var

1 Jan 06, 2022
Hypernets: A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.

A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.

DataCanvas 216 Dec 23, 2022
Generate music from midi files using BPE and markov model

Generate music from midi files using BPE and markov model

Aditya Khadilkar 37 Oct 24, 2022
A repository to index and organize the latest machine learning courses found on YouTube.

πŸ“Ί ML YouTube Courses At DAIR.AI we ❀️ open education. We are excited to share some of the best and most recent machine learning courses available on

DAIR.AI 9.6k Jan 01, 2023