Skip to main content
Filter by
Sorted by
Tagged with
-1 votes
1 answer
108 views

I am using Google Colab, which comes with: Python 3.12.11 TensorFlow 2.19.0 When I try: !pip uninstall -y numpy jax jaxlib !pip install tensorflow_federated Pip starts backtracking and tries to ...
Ms.Bithi's user avatar
0 votes
1 answer
68 views

When I try to create my iterative process for training my federated models with Tensorflow, I encounter this error module 'tensorflow_federated.python.learning.algorithms' has no attribute '...
Dimitri Vercaigne's user avatar
0 votes
0 answers
59 views

I am implementing a client selection mechanism in TensorFlow Federated (TFF), where I need to dynamically choose the top_k clients with the largest dataset sizes before performing model update ...
boumediene kadaben's user avatar
0 votes
0 answers
14 views

Attack classification with FedBN algorithm, but normalization is causing difference in weight set. ValueError: You called `set_weights(weights)` on layer "model_1" with a weight list of ...
Ney Filho's user avatar
0 votes
1 answer
82 views

I am working on eavesdropper detection on B5G system with Deep Learning. The training dataset contains 1200 CSI images of legitimate and malicious UEs. I have created a DCNN model (with Keras ...
Marlen's user avatar
  • 1
0 votes
1 answer
169 views

I am currently facing a really frustrating problem with installing tensorflow federated. I am on M2 Macbook Air, using virtual env, no conda. I was following this tutorial, and did the following: ...
ricky11's user avatar
  • 68
0 votes
1 answer
106 views

I'm running a TensorFlow Federated (TFF) script and attempting to utilize my GPU for federated learning simulations. While TensorFlow itself detects my GPU and can use it without issues, TFF outputs ...
dimitris's user avatar
1 vote
1 answer
130 views

I am experimenting with TensorFlow Federated, simulating a training process with the FedAvg algorithm. def model_fn(): # Wrap a Keras model for use with TensorFlow Federated keras_model = ...
Martina's user avatar
  • 45
0 votes
0 answers
245 views

I want to install tensorflow_federated package in VS Code in Windows 10 by using 'pip install tensorflow_federated' command. My python version is 3.9.0. But I get this error: WARNING: Ignoring invalid ...
Hanieh Jalali's user avatar
1 vote
1 answer
304 views

I have a ML code import pandas as pd import numpy as np from sklearn.datasets import load_iris from sklearn.model_selection import train_test_split from sklearn.preprocessing import StandardScaler ...
Eldhose Kurian's user avatar
0 votes
1 answer
51 views

This is my evaluate function for federated learning: def evaluate(num_rounds=10): state = trainer.initialize() for round in range(num_rounds): t1 = time.time() state, metrics = ...
Akash A R's user avatar
1 vote
1 answer
98 views

I am trying to run the code given by Tensorflow in their official documentation, pertaining to Tensorflow-Federated. The code is as follows: import tensorflow as tf import tensorflow_federated as tff ...
Temitope's user avatar
-1 votes
1 answer
91 views

I'm using NBIOT dataset where i have selected only Provision_PT_737E_Security_Camera dataset of benign, mirai and gagfyt attacks. The error is: AttributeError Traceback (most recent call last)...
Sanjoy Ghimire's user avatar
2 votes
1 answer
74 views

I have the following code: import grpc ip_address = ['0.0.0.0'] * n_workers #@param {type:"string"} ports = [80+i for i in range(n_workers)] #@param {type:list["integer"]} ...
Amir hossein Parandin's user avatar
0 votes
2 answers
791 views

I´m trying to install Tensorflow Federated by running pip install tensorflow-federated in a new Anaconda environment with Python 3.11 in Windows but it gives me this error: Preparing metadata (setup....
Pinho's user avatar
  • 1
0 votes
1 answer
186 views

I am trying to execute tensorflow federated "Hello world" in jupyter notebook on Visual Studio Code, however the code freezes and doesn't display anything. Here is the code: import ...
Amar Pal Singh's user avatar
0 votes
1 answer
755 views

Attempting to run federated learning on tff however, encountering the following: AttributeError: module 'tensorflow_federated.python.learning' has no attribute 'from_keras_model' Code: trainer = tff....
interbyte's user avatar
0 votes
2 answers
76 views

How can I obtain F1score, Recall, Confusion Matrix and precison in this code.I have used compile and obtained accuracy but i dont know how write the code to obtain these metrics from my model.I would ...
Ariaeimehr's user avatar
0 votes
1 answer
120 views

In federated learning, I want to get weights of each local model every round, then I will cluster local clients based on their weights, but I can just use training_process.get_model_weights(...
baodvo's user avatar
  • 1
0 votes
0 answers
44 views

So I'm creating a recommendation system using this Federated Reconstruction tutorial on Tensorflow Federated. I want to use and extract the model and the modelweights but I run into some problems. I ...
IkkaSenjika615's user avatar
1 vote
0 answers
224 views

i try to install Tensorflow federated but it won't install by using pip install --upgrade tensorflow-federated in Command Prompt it start to download version 0.48.0 but it says its trying to find a ...
MrLucifer's user avatar
0 votes
1 answer
230 views

I'm doing federated learning with tensorflow federated for round_num in range(5): state, metrics = trainer.next(state, federated_train_data) print('Round {r}, Metrics: {m}'.format(r=round_num, ...
aypristyle's user avatar
0 votes
0 answers
227 views

I am trying to install Tensorflow Federated on Google Colab but am getting error. Surprisingly, if I open new notebook, I can install Tensorflow Federated. Can anyone please help me? However I used !...
S M Sarwar's user avatar
0 votes
1 answer
46 views

Can anybody help me to replace this function? I am getting error for these code: tff.learning.assign_weights_to_keras_model(eval_model, state.model)
S M Sarwar's user avatar
0 votes
1 answer
248 views

Trying to install tensorflow_federated in venv. But it always gives an error stating subprocess-exited-with-error × Getting requirements to build wheel did not run successfully. │ exit code: 1 ╰─> ...
Abdul Mughni Ahmad's user avatar
1 vote
1 answer
788 views

I am trying to implement Federated Learning using Flower framework in python. I get the following error when I start the process.Snapshot of the error Here is what I tried, NUM_CLIENTS = 10 #function ...
Yogitha Muthappa's user avatar
0 votes
1 answer
155 views

I've been playing for some time with FL + DP for my thesis. I am using TFF in case someone is wondering. I load my data as: train_data = tff.simulation.datasets.ClientData.from_clients_and_fn( ...
Joaquín Delgado Fernández's user avatar
0 votes
2 answers
915 views

I am trying to install tensorflow federated using command: pip install tensorflow_federated The installation completes successfuly, but when I am import the package using command import ...
Davoud Gholamian's user avatar
0 votes
1 answer
149 views

I tried everything, even the below commands, but nothing is working! !pip install tensorflow==1.14 !pip install tensorflow-federated==0.4.0 # The latest version of tensorflow-federated is not working ...
Shrija Sheth's user avatar
0 votes
1 answer
78 views

I have a tensorflow federated model as seen below: state = iterative_process.initialize() where state is the state of the server encapsulating the model. Printing it we have: ServerState(model=...
Los's user avatar
  • 581
0 votes
1 answer
167 views

TypeError Traceback (most recent call last) in 5 import numpy as np 6 import tensorflow as tf ----> 7 import tensorflow_federated as tff 14 frames /usr/lib/python3....
ChakrabortyM's user avatar
0 votes
0 answers
53 views

I have two PCs that want to share tensorflow models "hdf5 format" in a federated learning manner via a PostgresSQL database. The models will be trained locally on both machines, and then ...
Mr. Gulliver's user avatar
0 votes
0 answers
57 views

I got "module '0b1a516c7ccf3157373118bcf0f434168745c8a4' has no attribute 'entropy_decode_index' error after a clean intall of tensorflow federated (TFF) on Ubuntu 22.04. System: AMD 6900HS, ...
Egemen Isguder's user avatar
2 votes
1 answer
506 views

I've been trying to import TensorFlow_federated but have stumbled across an error. After extensively searching the Internet I am yet to find anyone who has encountered the same: import collections ...
Sully Marshall's user avatar
0 votes
0 answers
150 views

I want to try a simple federated learning example in python. For it, I need to import tensorflow_federated package. import tensorflow_federated as tff Here is the stack trace TypeError ...
HoOman's user avatar
  • 465
0 votes
1 answer
65 views

TFF's threading libraries start a new thread from ThreadRun by default, and the only usage (as of TFF 0.42.0) of the optional ThreadPool parameter is in the implementation of a single executor. Why is ...
Keith Rush's user avatar
  • 1,405
1 vote
0 answers
75 views

I am following this tutorial. Here I perform training on federated train data: for round in range(15): server_state = federated_algorithm.next(server_state, federated_train_data) and then ...
Amandeep Singh's user avatar
1 vote
1 answer
1k views

Hello i'm working on google colab and i have an issue with importing tensorflow_federated as tff it was working fine earlier and i don't know what is the problem now. here is my code: I installed all ...
ASh's user avatar
  • 13
1 vote
0 answers
181 views

I'm attempting to download and use the Google Landmark v2 dataset using TensoFlow Federated with the following code: train, test = tff.simulation.datasets.gldv2.load_data(gld23k=True) At some point ...
Kane's user avatar
  • 924
0 votes
1 answer
63 views

I have a next word prediction model based on federated learning with tensorflow model. My server need to calculate the distance between the model weigtht I receive in each round. Do you have any idea ...
Giulio Proia's user avatar
0 votes
2 answers
3k views

I am trying to run the code given by Tensorflow in their official documentation, pertaining to Tensorflow-Federated. The code is as follows: import tensorflow as tf import tensorflow_federated as tff ...
Lycanthropeus's user avatar
0 votes
1 answer
164 views

federated_algorithm = tff.templates.IterativeProcess( initialize_fn = initialize_fn, next_fn = next_fn) TF=2.1.0 Tff=0.13.0 they are showing attribute error.
Amandeep Singh's user avatar
-2 votes
1 answer
271 views

I am trying to use the tensorflow_federated library in google colab but cannot figure out how to do this. I have searched a lot on the internet for the same, but everywhere it's given, you don't need ...
Ayush's user avatar
  • 13
0 votes
1 answer
91 views

Consider the following model def create_model(): x_1=tf.Variable(24) bias_initializer = tf.keras.initializers.HeNormal() model = Sequential() model.add(Conv2D(64, (5, 5), input_shape=(28,28,1)...
CA Khan's user avatar
  • 81
0 votes
0 answers
161 views

I am using tensorflow federated with following imports. import tensorflow as tf import tensorflow_federated as tff import collections import os import random import math import time import numpy as np ...
CA Khan's user avatar
  • 81
0 votes
0 answers
349 views

I am working on tensorflow federated. I have the following imports !pip install --quiet tensorflow-federated==0.20.0 # The latest version of tensorflow-federated is not working with the colab python ...
CA Khan's user avatar
  • 81
0 votes
2 answers
420 views

Going over the tutorials for TFF (tensorflow-federated), it seems that performing federated averaging and gradient descent iterations using TFF is well understood and can accomplished easily. However, ...
hucker's user avatar
  • 11
2 votes
0 answers
335 views

I am working on tensorflow federated (tff). The problem arises when I call the iterative process and pass on the instance of the model created. I have declared a keras model which is used at both the ...
CA Khan's user avatar
  • 81
1 vote
1 answer
290 views

I am planning to use Opacus to implement differential privacy in my federated learning model but I have a very basic doubt that I would love to have cleared before that. So as far as my understanding ...
Anirban Nath's user avatar
1 vote
1 answer
214 views

I want to build a TFF model for speech recognition systems. For this, I use the CNN-GRU model architecture with a CTC loss function. but I got error when I wanted to build_federated_averaging_process ...
hamid ebrahimi's user avatar

1
2 3 4 5
8