profile
viewpoint

tensorflow/examples 7199

TensorFlow examples

tensorflow/docs 5780

TensorFlow documentation

tensorflow/datasets 3891

TFDS is a collection of datasets ready to use with TensorFlow, Jax, ...

tensorflow/adanet 3445

Fast and flexible AutoML with learning guarantees.

tensorflow/agents 2522

TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.

tensorflow/federated 2118

A framework for implementing federated learning

tensorflow/fold 1827

Deep learning with dynamic computation graphs in TensorFlow

tensorflow/addons 1647

Useful extra functionality for TensorFlow 2.x maintained by SIG-addons

tensorflow/ecosystem 1354

Integration of TensorFlow with other open-source frameworks

tensorflow/community 1196

Stores documents used by the TensorFlow developer community

startedtensorflow/tpu

started time in an hour

fork akrisanov/tf-privacy

Library for training machine learning models with privacy for training data

fork in an hour

startedtensorflow/tensorflow

started time in an hour

startedtensorflow/agents

started time in an hour

PR opened tensorflow/tensorflow

TFLITE fix inconsistencies in using std/absl for variant/any_cast functions.

Fix using std::any_cast instead of absl::any_cast

Inconsistencies exist in Lite repo using std::variant/absl::variant and std::any_cast/absl::any_cast. When abseil is built with ABSL_USES_STD_ANY (Linux), everything works even with this bug. But if not (on Windows build), this uses std::any_cast on variable created by absl::variant, causing a throwing of exception at runtime.

+15 -15

0 comment

7 changed files

pr created time in an hour

PR closed tensorflow/tensorflow

TfLite fix some inconsistent usage of std/absl::variant/any_cast size:S

Fix using std::any_cast instead of absl::any_cast

Inconsistencies exist in Lite repo using std::variant/absl::variant and std::any_cast/absl::any_cast. When abseil is built with ABSL_USES_STD_ANY (Linux), everything works even with this bug. But if not (on Windows build), this uses std::any_cast on variable created by absl::variant, causing a throwing of exception at runtime.

+15 -15

1 comment

7 changed files

radekzc

pr closed time in an hour

pull request commenttensorflow/tensorflow

tflite-runtime wheels for Python 3.11

Hello all, And thank you for all your work. Any news on this, or should we stay in python 3.10 for tflite-runtime?

samypr100

comment created time in an hour

startedtensorflow/tensorboard

started time in an hour

issue commenttensorflow/tensorflow

Configure script automatically selects CUDA/cuDNN path instead of waiting for user input

Hi @ramizouari ,

The script for ./configure can be found here.

If you are interested then go through the source code and analyse the behaviour and may let us know if you have any pointers for this behaviour.

Thanks!

ramizouari

comment created time in an hour

pull request commenttensorflow/tensorflow

TfLite fix some inconsistent usage of std/absl::variant/any_cast

Thanks for your pull request! It looks like this may be your first contribution to a Google open source project. Before we can look at your pull request, you'll need to sign a Contributor License Agreement (CLA).

View this failed invocation of the CLA check for more information.

For the most up to date status, view the checks section at the bottom of the pull request.

radekzc

comment created time in an hour

PR opened tensorflow/tensorflow

TfLite fix some inconsistent usage of std/absl::variant/any_cast

Fix using std::any_cast instead of absl::any_cast

Inconsistencies exist in Lite repo using std::variant/absl::variant and std::any_cast/absl::any_cast. When abseil is built with ABSL_USES_STD_ANY (Linux), everything works even with this bug. But if not (on Windows build), this uses std::any_cast on variable created by absl::variant, causing a throwing of exception at runtime.

+15 -15

0 comment

7 changed files

pr created time in an hour

startedtensorflow/models

started time in an hour

startedtensorflow/models

started time in an hour

issue commenttensorflow/tensorflow

Tensorflow Lite Model Maker model works on Python API but not on device (IOS/Android)

Hello @pkgoogle, The model was attached in the first comment here: https://drive.google.com/file/d/1jeKm7EesBZqi_lgPrCSq_HwPapX54OlL/view?usp=sharing I would have zipped and sent it but the last time I did that it wiped the entire MedtaData. Here is the training script I used: tflite_maker.zip

carl-krikorian

comment created time in an hour

startedtensorflow/tensorflow

started time in 2 hours

issue closedtensorflow/datasets

[please give me access to download the imdb data] <imdb_reviews>

  • Name of dataset: <name>
  • URL of dataset: <url>
  • License of dataset: <license type>
  • Short description of dataset and use case(s): <description>

Folks who would also like to see this dataset in tensorflow/datasets, please thumbs-up so the developers can know which requests to prioritize.

And if you'd like to contribute the dataset (thank you!), see our guide to adding a dataset.

closed time in 2 hours

maryamexl2023

issue commenttensorflow/datasets

[please give me access to download the imdb data] <imdb_reviews>

Hi, thank you for reaching out.

The imdb_reviews dataset is already available in TFDS: https://www.tensorflow.org/datasets/catalog/imdb_reviews

You should be able to use it by simply:

import tensorflow_datasets as tfds

ds = tfds.load('imdb_reviews', split='train')
maryamexl2023

comment created time in 2 hours

issue closedtensorflow/datasets

[data request] <imdb_reviews>

  • Name of dataset: <name>
  • URL of dataset: <url>
  • License of dataset: <license type>
  • Short description of dataset and use case(s): <description>

Folks who would also like to see this dataset in tensorflow/datasets, please thumbs-up so the developers can know which requests to prioritize.

And if you'd like to contribute the dataset (thank you!), see our guide to adding a dataset.

closed time in 2 hours

maryamexl2023

issue commenttensorflow/datasets

[data request] <imdb_reviews>

Hi, thank you for reaching out! Please note that the imdb_reviews dataset is already available in TFDS: https://www.tensorflow.org/datasets/catalog/imdb_reviews

maryamexl2023

comment created time in 2 hours

PR closed tensorflow/decision-forests

Temporian: split graph scheduling & evaluation

This PR separates the graph scheduling & evaluation into the core and implementation modules respectively.

Other relevant changes:

  • implemented backends.py library to store available backends (only pandas for the time being)
  • added .csv to PandasEvent parsing
  • implemented core_mapping.py library to map core operators to their respective pandas implementations
+306 -267

1 comment

23 changed files

getchebarne

pr closed time in 2 hours

pull request commenttensorflow/decision-forests

Temporian: split graph scheduling & evaluation

Temporian has moved to its own repo, closing this, see https://github.com/google/temporian

getchebarne

comment created time in 2 hours

startedtensorflow/tensorflow

started time in 2 hours

PR merged tensorflow/tensorflow

[ROCM] Fix xla_call_module_test ready to pull comp:gpu size:S

This PR has added ROCm for xla_call_module_test.

/cc @cheshire

+12 -6

4 comments

1 changed file

i-chaochen

pr closed time in 2 hours

push eventtensorflow/tensorflow

Jason Furmanek

commit sha a5277b8fd640dfb3a4d3832eacd3e00e58a91250

[ROCM] Fix xla_call_module_test

view details

TensorFlower Gardener

commit sha 4993c5522231689acb35740454f6e44967275d21

Merge pull request #59831 from ROCmSoftwarePlatform:fix_xla_call_module_test PiperOrigin-RevId: 538409638

view details

push time in 2 hours

startedtensorflow/decision-forests

started time in 2 hours

fork radekzc/tensorflow

An Open Source Machine Learning Framework for Everyone

https://tensorflow.org

fork in 2 hours

issue commenttensorflow/tensorflow

'fashion_mnist' failed to load on TPU (try_gcs=True not working)!

@tilakrayal are you talking about something like this ?

import tensorflow as tf
import tensorflow_datasets as tfds
# Set TPU address (if using Google Cloud TPU)
tpu_address = 'grpc://<tpu-ip-address>'
tpu_resolver = tf.distribute.cluster_resolver.TPUClusterResolver(tpu=tpu_address)
tf.config.experimental_connect_to_cluster(tpu_resolver)
tf.tpu.experimental.initialize_tpu_system(tpu_resolver)
data_dir = 'gs://your-bucket/data'  # GCS bucket path for data
model_dir = 'gs://your-bucket/model'  # GCS bucket path for model
builder = tfds.builder('your_dataset_name', data_dir=data_dir)
builder.download_and_prepare()

# Define the training and validation datasets
train_dataset = builder.as_dataset(split='train', shuffle_files=True)
val_dataset = builder.as_dataset(split='validation', shuffle_files=True)

# Enable batching and shuffling
train_dataset = train_dataset.shuffle(1024).batch(batch_size)
val_dataset = val_dataset.batch(batch_size)
strategy = tf.distribute.experimental.TPUStrategy(tpu_resolver)
with strategy.scope():
    # Define and compile your model
    model = ...
    model.compile(...)
callbacks = [
    tf.keras.callbacks.ModelCheckpoint(
        filepath=model_dir,  # Save the model to the GCS bucket
        save_best_only=True,
        save_weights_only=True
    ),
    # Other callbacks...
]

# Train the model
model.fit(train_dataset, validation_data=val_dataset, callbacks=callbacks, ...)

How can I access "gs://your-bucket/data" ? I mean how can I get my bucket address ? (what will be the "gs://your-bucket/" ?)

MegaCreater

comment created time in 2 hours

startedtensorflow/examples

started time in 2 hours

startedtensorflow/text

started time in 2 hours

PullRequestReviewEvent
more