add copyright in source

This commit is contained in:
Awni Hannun 2023-11-30 11:08:53 -08:00
parent 5d6353aab7
commit 31bc57c4ff
36 changed files with 71 additions and 1 deletions

View File

@ -1,6 +1,6 @@
MIT License
Copyright (c) 2023 ml-explore
Copyright © 2023 Apple Inc. All rights reserved
Permission is hereby granted, free of charge, to any person obtaining a copy
of this software and associated documentation files (the "Software"), to deal

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
from itertools import starmap

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
import math
import numpy as np

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
from itertools import starmap

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
import mlx.core as mx

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
import math
import numpy as np

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
"""
Code to preprocess the WikiSQL dataset adapted from
https://github.com/salesforce/WikiSQL and

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import jax
import jax.numpy as jnp
import functools

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
import time

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import gzip
import numpy as np
import os

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
import torch
import time

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import time
from typing import Tuple

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import mlx.core as mx
import mlx.nn as nn

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
from dataclasses import dataclass
from typing import Optional, Tuple

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import json
from functools import partial

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
from .config import DiffusionConfig
import mlx.core as mx

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import regex

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
from typing import Optional

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
from typing import List

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import argparse
from PIL import Image
from tqdm import tqdm

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import io
import itertools
import numpy as np

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import functools
import jax
import jax.numpy as jnp

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
import time

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
import time

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import math
import time

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import time
import mlx.core as mx

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import unittest
import mlx.core as mx

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
from . import load_models
from . import audio
from . import decoding

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import os
from functools import lru_cache
from subprocess import CalledProcessError, run

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
from dataclasses import dataclass, field, replace
from typing import Dict, Iterable, List, Optional, Sequence, Tuple, Union
import mlx.core as mx

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import hashlib
import os
import urllib

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import itertools
import subprocess
import warnings

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import base64
import os
import string

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import base64
import gzip
from dataclasses import dataclass

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import mlx.core as mx
import numpy as np
import sys

View File

@ -1,3 +1,5 @@
# Copyright © 2023 Apple Inc.
import base64
import gzip
from dataclasses import dataclass