7.62 x 25 magazine

Cook Something New

2011.11.20 22:27 h3ather Cook Something New

Each week, we give you an ingredient, technique, cuisine, or inspiration. Each week, you cook a dish in that theme and share the results. Each week, your culinary repertoire gets a little bigger.
[link]


2013.08.18 08:57 smbtuckma Scientifically-supported information about haircare

This subreddit aims to provide resources for achieving better hair quality through scientific research in trichology, physiology, chemistry, and biology
[link]


2009.08.19 01:37 miserlou /r/onions: Things That Make You Cry Tor Onion Routing Hidden Services

The Best Parts of the Anonymous Internet Tor Onion Routing Hidden Services .onions
[link]


2024.06.01 14:29 hamza_ozkn What are your thoughts about my own strategy?

What are your thoughts about my own strategy? submitted by hamza_ozkn to Forex [link] [comments]


2024.06.01 14:28 DCypher_1 Finally DG on 3 stars, what do I focus on now?

Finally DG on 3 stars, what do I focus on now?
Do I focus on evolving her / maybe her hero assist ? Do I try to obtain more heroes for their buffs ? Would also appreciate help on my build
submitted by DCypher_1 to Archero [link] [comments]


2024.06.01 14:28 HardRNinja Like a lot of others, today was the day for C6!

Like a lot of others, today was the day for C6!
Here is my current Kaeya build.
On a Freeze Team, I can swap him to Mistsplitter. That puts him at 32.6% (87.6% against Frozen Enemies) / 248.0% with 1,826 Attack.
This build is more focused on enabling Melts for Arlecchino, but still ensuring Kaeya can do some respectable damage on his own. Crit Rate is weird to manage without having Frozen Enemies or Cryo Resonance. He'll still get 20% more from Blizzard Strayer, and should get a quick 8% more from Wolf-Fang with his Skill and Ult (building up to 16% as his icicles hit enemies).
Overall, I'm pretty satisfied with the build. The pieces aren't perfect, but they're reasonable enough for me.
submitted by HardRNinja to KaeyaMains [link] [comments]


2024.06.01 14:27 strange_passanger God damn, im top 8 🥶

God damn, im top 8 🥶
Here is my deck
submitted by strange_passanger to DeadAhead [link] [comments]


2024.06.01 14:26 _manster_ Only 25€?! It's hard to not buy this, even if I already have one.

Only 25€?! It's hard to not buy this, even if I already have one. submitted by _manster_ to R36S [link] [comments]


2024.06.01 14:25 Einostaftini Weather boosted zapdos - 517234007716 - starts 1 minute

Weather boosted zapdos - 517234007716 - starts 1 minute submitted by Einostaftini to PokemonGoRaids [link] [comments]


2024.06.01 14:25 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to computervision [link] [comments]


2024.06.01 14:25 NotYu6776 Sukuna wins outside the manga too

Sukuna wins outside the manga too
Who carries sales again?
submitted by NotYu6776 to Jujutsufolk [link] [comments]


2024.06.01 14:24 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to learnmachinelearning [link] [comments]


2024.06.01 14:24 daouk LF Ancient Rythms

LF Ancient Rythms submitted by daouk to MonopolyGoTrading [link] [comments]


2024.06.01 14:23 JParadee16 Any DSP Drivers in the Wilmington, Delaware (DGI3 Warehouse) area? Was curious about all of the DSP's for this area and which would be the best to onboard with IYHO?

As the title stated, was looking for the opinion of other DSP Drivers in the Wilmington, Delaware (DGI3 Warehouse) market for Amazon.
Was hoping to find out more about other DSP's, and which might be the very best from those that have experience in this area? Is there really much of a difference at all from one DSP to the other?
Thus far, I've Interviewed with Marathon Logistics LLC and Blue Hen Route LLC, and other than the days of the week which they said they were hiring for being different - everything else was pretty much the same, from what I could tell at-least.
I've also talked to a few local drivers in my area when they were delivering packages from "DelCo", and I was contacted by Gate-link, Magnitude Express (MagX), and also another DSP that I'm not sure the name of exactly, but I do know that they are not out of the DGI3 warehouse. They are over at HPH4 over in New Castle, DE at 1500 Johnson Way. I haven't scheduled an Interview with them yet, but I know their starting pay was showing as $20.75 for NON-DOT Drivers and $21.75 for DOT Drivers, while every other DSP was starting at $20.25 per hour. And of course, all of these DSP's are heavily pushing to get you to work weekends on Saturday and Sunday (with atleast 1 of those days being mandatory).
Anyway, sorry I'm new to all this and was curious whether there were any Drivers in my area that might be able to give me some advice as far as who might be the best DSP to stick with? I did participate in the Amazon Flex Program for nearly 4 years, from 2019-2023, but that was only as a side hustle to my full-time position I had at the time - so I would pick-up 2-3 shifts per week back then. Eventually towards the end of 2023 I had cut back significantly and stopped altogether. Once my wife had our second child and needed extra support and help with the kids, etc. I was hoping that having that prior experience delivering Amazon packages would play in my benefit and give me a quick "in" with some of these DSP's.
submitted by JParadee16 to AmazonDSPDrivers [link] [comments]


2024.06.01 14:23 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to deeplearning [link] [comments]


2024.06.01 14:21 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: https://github.com/tensorflow/addons/issues/2807 warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: https://github.com/tensorflow/addons warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66s 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to tensorflow [link] [comments]


2024.06.01 14:19 sahil_parakh30 [Store] Crownfall 2024/August 2023 Collectors/Diretide 2022/Aghanim's/Nemestice/TI10/TI9/TI8/TI7 Collector's Caches Sets

350+/1800$ Gift Trades in 6 years

 

Made a Google doc because the list is long

MY Trade Reputation
 

YOUR FAVOURITE SELLER IS BACK FOR 6TH YEAR IN A ROW. CHECK MY REP THREAD

 

CACHE Price Increases as I stock out & Reservation is Compulsory

 
Want Paypal/Zelle/Venmo/GooglePay/PayTm worth the listed Amount or Items (1.2x - STEAM TAX). I will not go first. The link to add me :LINK to ADD ME
 

Crownfall Treasure Chest 3 (Buy 3+ More at 10% / 6+ More at 20% / 9+ More at 30% discount)

Item Quantity Price Type Reserved
(Phantom Lancer) Flock of Avilliva 1 25$ or Items Very Rare Treasure 3 Only ONE
(Jakiro) Barding of Balaur 2 12$ or Items Rare Treasure 3 One Sold Last Reserved
(Oracle) Prophecies of Pavo 3 7.5$ or Items Rare Treasure 3 None
(Shadow Fiend) Raven Harvest 5 2.5$ or Items Treasure 3 None
(Bane) Tome of Infinite Terror 5 2.5$ or Items Treasure 3 None
(Queen of Pain) The Rose of Ristul 5 3$ or Items Treasure 3 One Reserved
(Mars) Mars Gallus 5 2.5$ or Items Treasure 3 None
(Treant Protector) Spina Infernalis 5 2.5$ or Items Treasure 3 None
(Death Prophet) Draconic Requiem 5 2.5$ or Items Treasure 3 None
(Visage) Grimfeather the Grotesque 5 2.5$ or Items Treasure 3 One Reserved
(Alchemist) Potion Potentate 5 2.5$ or Items Treasure 3 None
 

Crownfall Treasure Chest 1 & 2 (Buy 3+ More at 10% / 6+ More at 20% / 9+ More at 30% discount)

Item Quantity Price Type Reserved
Mocking Bird (Meepo) 4 20$ or Items Very Rare Treasure 1 None
Ravencloak (Drow Ranger) 3 55$ Very Rare Treasure 2 Two Reserved Last Left
Whispering Wings (Silencer) 6 8$ or Items Rare Treasure 1 None
Crown of the Condor (Wraith King) 6 8.5$ or Items Rare Treasure 1 One Sold 5 Left
Thunderbird (Zeus) 5 7$ or Items Rare Treasure 2 None
Birdfeed Bandit (Hood Wink) 4 8$ or Items Rare Treasure 2 None
Blood Raven (Blood Seeker) 10 2.5$ or Items Treasure 1 None
Tines of the Pyrexae (Jakiro) 8 2.5$ or Items Treasure 1 None
Imperial Ember (Lina) 8 2.5$ or Items Treasure 1 None
Designs of Ancient Druud (Disruptor) 8 2.5$ or Items Treasure 1 None
Verdant Swarm (Nature Prophet) 8 2.5$ or Items Treasure 1 None
Phalanx of the Bronze Eagle (Legion Commander) 8 2.5$ or Items Treasure 1 None
Raven of Ristul (Queen of Pain) 8 2.5$ or Items Treasure 1 None
Eyes in the Endless Dark (Shadow Shaman) 8 2.5$ or Items Treasure 1 One Reserved
Crystalline Crown (Ancient Apparition) 6 2.5$ or Items Treasure 2 None
Flight of the Gryphon Lord (Keeper of the Light) 6 2.5$ or Items Treasure 2 None
Lionheart (Omnikinght) 6 2.5$ or Items Treasure 2 None
Song of the Sea Lotus (Naga Siren) 7 2.5$ or Items Treasure 2 None
Keeper of the Nether-Lens (Pugna) 6 2.5$ or Items Treasure 2 None
Twitcher (Tinker) 7 2.5$ or Items Treasure 2 None
Highborn Heretic (Skywrath Mage) 7 2.5$ or Items Treasure 2 None
Mischief of the Winter Moth (Puck) 6 2.5$ or Items Treasure 2 None
 

AUGUST 2023 Collectors Cache (Buy 3+ More at 10%/ 6+ More at 20%/ 9+ More at 30% discount)

Item Quantity Price Type Reserved
Snailfire (SnapFire) 2 30$ Very Rare Cache Set One Sold Last Left
Brightfist (Marci) 5 18$ Rare Cache Set Three Sold Two Reserved
Dezun Viper (Dazzle) 5 4$ or Items Cache Set One Sold One Reserved
Primeval Abomination (Primal Beast) 5 7$ or Items Cache Set Three Sold
Astral Herald (Dawnbreaker) 5 5.5$ or Items Cache Set Two Sold
Spectral Shadow (Abaddon) 5 3.5$ or Items Cache Set None
Taur Rider (Alchemist) 5 4$ or Items Cache Set One Sold
Crescent Huntress (Spectre) 5 4$ or Items Cache Set One Sold
Tyrant of the Veil (Wraith King) 5 5.5$ or Items Cache Set Two Sold
Tomo'kan Footsoldier (Hoodwink) 5 5$ or Items Cache Set One Sold
Darkwood Eulogy (Death Prophet) 5 3.5$ or Items Cache Set None
Sea Spirit (Kunkka) 5 5.5$ or Items Cache Set Two Sold
Triumph of the Imperatrix (Legion Commander) 5 4$ or Items Cache Set None
Beast of Thunder (Storm Spirit) 5 7$ or Items Cache Set Three Sold
Ancestral Heritage (Jakiro) 5 4$ or Items Cache Set One Sold
 

Ultra Rare Immortals 2022

Item Quantity Price Type Reserved
Bloodfeather Finery (Queen of Pain) 1 15$ or Items Ultra Rare Immortal 2 LastLeft
 

Diretide Collectors Cache-2 2022

Item Quantity Price Type Reserved
Sublime Equilibrium (Void Spirit) 2 45$ or Items Very Rare Direteide Collectors Cache One Sold Last Left
Brands of the Reaper (Anti Mage) 5 $18 Rare Direteide Collectors Cache 2 Three Sold Last Two Reserved
Grudges of the Gallows Tree (Treant) 6 15$ Rare Direteide Collectors Cache 2 Five Sold Last Reserved
War Rig Eradicators (Techies) 5 8$ or Items Direteide Collectors Cache 2 Three Sold
Sacred Chamber Guardian (Huskar) 5 7$ or Items Direteide Collectors Cache 2 Two Sold One Reserved
Acrimonies of Obsession (Vengeful Spirit) 5 7.5$ or Items Direteide Collectors Cache 2 One Sold
Freeboot Fortunes (Ogre Magi) 5 4.5$ or Items Direteide Collectors Cache 2 None
Withering Pain (Clinkz) 5 6$ or Items Direteide Collectors Cache 2 Two Sold
Darkfeather Factioneer (Phantom Assassin) 5 8$ or Items Direteide Collectors Cache 2 Three Sold
Feasts of Forever (Night Stalker) 5 5.5$ or Items Direteide Collectors Cache 2 Two Sold
Cursed Cryptbreaker (Pudge) 5 5.5$ or Items Direteide Collectors Cache 2 Two Sold
Dawn of Darkness Foretold (Doom) 5 10$ or Items Direteide Collectors Cache 2 Three Sold
The Wilding Tiger (Brewmaster) 5 11$ or Items Direteide Collectors Cache 2 Four Sold Last Left
Transcendent Path (Oracle) 5 7.5$ or Items Direteide Collectors Cache 2 Two Sold
Darkbrew´s Transgression (Alchemist) 5 10$ or Items Direteide Collectors Cache 2 Four Sold Last Left
Grand Suppressor (Silencer) 5 4.5$ or Items Direteide Collectors Cache 2 Two Sold
Bird of Prey (Legion Commander) 5 9$ or Items Direteide Collectors Cache 2 Three Sold One Reserved Last Left
 

Diretide Collectors Cache 2022

Item Quantity Price Type Reserved
Blue Horizons(Marci) 4 16$ or Items Rare Direteide Collectors Cache Three Sold Last Left
Hounds of Obsession (Chen) 3 7.5$ or Items Direteide Collectors Cache Two Sold Last Left
Seadog's Stash (Clockwerk) 3 6$ or Items Direteide Collectors Cache One Sold
Starlorn Adjudicator (Dawn Breaker) 3 11$ Direteide Collectors Cache Two Sold Last Left
Chines of the Inquisitor (Faceless Void) 3 18.5$ Direteide Collectors Cache Two Sold Last Reserved
Crimson Dawn (Phoenix) 3 7$ or Items Direteide Collectors Cache Two Sold Last Left
Forgotten Station (Terrorblade) 3 4.5$ or Items Direteide Collectors Cache None
Dirge Amplifier (Undying) 3 5.5$ or Items Direteide Collectors Cache One Sold
Champion of the Fire Lotus (Monkey King) 3 7.5$ or Items Direteide Collectors Cache Two Sold Last Left
Deathstitch Shaman (Witch Doctor) 3 5.5$ or Items Direteide Collectors Cache One Sold
 

Aghanim's Continuum Cache 2021 / Ti-11

Item Quantity Price Type Reserved
Scales of the Shadow Walker (Phantom Lancer) 4 12$ or Items Aghanim Cache Three Sold Last Left
Test of the Basilisk Lord (Razor) 4 11.5$ or Items Aghanim Cache Three Sold Last Left
Secrets of the Frost Singularity (Ancient Apparation) 4 5$ or Items Aghanim Cache None
Perils of the Red Banks (Chen) 4 7$ or Items Aghanim Cache Two Sold Last Left
The Chained Scribe (Grimstroke) 4 8$ or Items Aghanim Cache One Sold One Reserved
Widow of the Undermount Gloom (Broodmother) 4 9.5$ or Items Aghanim Cache Three Sold Last Left
Forgotten Fate (Mars) 4 5$ or Items Aghanim Cache One Sold
March of the Crackerjack Mage (Rubick) 4 12$ or Items Aghanim Cache Three Sold Last Left
Cosmic Concoctioneers (Alchemist) 4 12$ or Items Aghanim Cache Two Sold
Blightfall (Abbadon) 4 8$ or Items Aghanim Cache Two Sold
 

Nemestice Cache 2021 / Ti-11

Item Quantity Price Type Reserved
Astral Terminus (Enigma) 3 12$ or Items Nemestice Cache 1 One Sold One Reserved Last Left
Caerulean Star (Enchantress) 3 9$ or Items Nemestice Cache 1 Two Sold Last Left
 -

Collector's Cache 2020 / Ti-10

Item Quantity Price Type Reserved
Steward of the Forbidden Chamber (TA/Templar Assassin) 3 15$ TI-10 Rare Cache 2 Two Sold Last Reserved
Talons of the Endless Storm (CK/Chaos Knight) 3 7.5$ or Items TI-10 Cache 2 One Sold One Reserved Last Left
Carousel of the Mystic Masquerade (Rubick) 3 10$ or Items TI-10 Cache 2 Two Sold Last Left
Blacksail Cannoneer (Sniper) 3 7$ or Items TI-10 Cache 2 None
Blaze of Oblivion (Phoenix) 3 7$ or Items TI-10 Cache 2 None
Songs of Starfall Glen (Enchantress) 3 6$ or Items TI-10 Cache 1 None
Flashpoint Proselyte (Huskar) 3 13$ or Items TI-10 Cache 1 Two Sold Last Left
Fissured Flight (Jakiro) 3 12$ or Items TI-10 Cache 1 Two Sold Last Left
Mindless Slaughter (Pudge) 3 12$ or Items TI-10 Cache 1 Two Sold Last Reserved
Fury of Righteous Storm (Disruptor) 3 6$ or Items TI-10 Cache 1 None
Apocalypse Unbound (Ancient Apparation) 3 9$ or Items TI-10 Cache 1 Two Sold Last left
 

Collector's Cache 2019/ Ti-9

Item Quantity Price Type Reserved
Prized Acquisitions (Batrider) 4 7$ TI-9 Cache Set-2 Two Sold
The sight of the Kha-Ren Faithful (Drow Ranger) 4 12$ TI-9 Cache Set-2 Three Sold Last Reserved
Directive of the Sunbound(Clockwerk) 5 9$ TI-9 Cache Set-2 Four Sold Last Left
Distinguished Expeditionary (Tusk) 4 7$ TI-9 Cache Set-2 Two Sold
Automaton Antiquity (Broodmother) 5 9$ TI-9 Cache Set-2 Four Sold Last Left
Fury of the Bloodforge (Bloodseeker) 5 9$ TI-9 Cache Set-2 Three Sold
Tribal Pathways (Warlock) 5 8.5$ TI-9 Cache Set-2 Three Sold
Verdant Predator (Venomancer) 5 9$ TI-9 Cache Set-2 Three Sold
The Arts of Mortal Deception (Enigma) 3 9$ TI-9 Cache Set Two Sold Last Left
Poacher's Bane (Tidehunter) 3 8$ TI-9 Cache Set One Sold One Reserved Last Left
Riddle of the Hierophant (Oracle) 3 9$ or 3 Keys TI-9 Cache Set Two Sold Last Left
 

Collector's Cache 2018/ Ti-8

Item Quantity Price Type Reserved
Raiments of the Obsidian Forge (Underlord) 4 18$ TI-8 Rare Cache Set Three Sold Last Left
Pattern of the Silken Queen (Brood) 4 8$ TI-8 Cache Set Three Sold Last Left
 
https://steamcommunity.com/id/whatsyouraff (DireTide 2022 Oracle Set Sold Successfully)
https://steamcommunity.com/profiles/76561198063913439 (2021 Gyro, 2020 Huskar, AA, Warlock, Grim Sets Sold Successfully)
https://steamcommunity.com/id/Mujou64 (Diretide Cache 2 Doom & Venge Sold Successfuly)
https://steamcommunity.com/id/rudmax (2019 Brood Automation, 2021 Shadow Shaman & Enchantress Reserved - Full Payment Made Advance)
https://steamcommunity.com/profiles/76561198064920459 (2023 Rare Marci and Dawn Cache Sold successfully)
https://steamcommunity.com/id/Alacaster (2023 AM Ultra Rare, Hoodwink & Dawn Reserved - 14/70 Paid Advance)
https://steamcommunity.com/id/Default_panda (2023 Spectre Cache & Mars Wings of Imperium Sold Successfully)
https://steamcommunity.com/id/hollywoodsbleeding_ (2022 LC Cache Set Sold Successfully)
https://steamcommunity.com/profiles/76561198041012739 (2022 Phoneix Cache Sold Successfully)
https://steamcommunity.com/id/carantis (2023 Jakiro and Dazzle Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198079185431/ (2023 Rare Treant, 2021 Rare Ogre & PL Cache Sold Successfully)
https://steamcommunity.com/id/muruph (2017 DP Cache Reserved Sold Successfully)
https://steamcommunity.com/id/LovelasStrasti/ (Techies 2022 Cache Sold Successfully)
https://steamcommunity.com/id/uziexe/(2020 Timber Cache Sold Successfully)
https://steamcommunity.com/id/SemiOfficialAnthonyAdams (Brewmaster and Oracle Cache Sold Successfully)
https://steamcommunity.com/id/V3G3TA (2023 - Wk, Primal, Storm, Alche, 2022 - LC, Techies, Alche Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198829952373/ (2023 Kunka Cache Sold Successfully)
https://steamcommunity.com/id/Darkio567/ (2023 Dawnbreaker Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198176999423 (2022 Brew Set Sold Successfully)
https://steamcommunity.com/profiles/76561198325291097/ (2023 Rare Marci Cache Sold Successfully)
https://steamcommunity.com/id/Snaily3000/ (2020 Shadow Demon Cache Sold Successfully)
https://steamcommunity.com/id/catgirllyra/ (2023 Rare Marci and Diretide 2022 Hoodwink Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198877138961/ (2023 Dazzle and Aghanim Brood Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198059954390/ (Diretide 2022 Rare Antimage, Huskar, 2021 Grimstroke, 2019 Drow, Chen & Tide, 2018 Axe & QOP Sold Successfully)
https://steamcommunity.com/profiles/76561199173346010/ (2023 Hoodwink Sold Successfully)
https://steamcommunity.com/id/LordPlasmarr (2023 WK Sold Successfully)
https://steamcommunity.com/profiles/76561198138951034/ (2023 Primal Beast and Brewmaster Cache Sold Successfully)
https://steamcommunity.com/id/waffler99/ (2023 Rare Marci Cache Reserved - 3.5/13.5 Paid Advance)
https://steamcommunity.com/id/vcxxiv (Crownfall Rare WK Cache Sold- Old Customer)
https://steamcommunity.com/profiles/76561198114702223 (Snapfire Rare, Storm Spirit, Kunkaa, Primal Beast, Silencer Cache Sold Successfully)
https://steamcommunity.com/profiles/76561198051968045 (2020 Pudge Cache Reserved - Full Payment Made Advance)
https://steamcommunity.com/profiles/76561199195274635 (2022 Faceless Void Cache Reserved - Full payment made advance)
https://steamcommunity.com/id/naptime_/ (2020 TA and 2021 Enigma Reserved - Full payment made advance)
https://steamcommunity.com/id/GayNoNePida (2x 2022 Rare Antimage Cache Reserved - Full Payment made advance)
https://steamcommunity.com/profiles/76561198334003229 (2019 Drow Ranger Cache Reserved - 25% paid advance)
https://steamcommunity.com/profiles/76561198176818975/ (2019 CK reserved - Full Payment made Advance)
https://steamcommunity.com/id/otafurvasquez/ (Crownfall Super Rare Drow Cache Reserved - 25% payment received advance)
https://steamcommunity.com/profiles/76561198031080008 (Crownfall Super Rare Drow and Shaman Cache Reserved -25% Paid Advance)
https://steamcommunity.com/id/reynauld_/ (LC Birds of Prey Reserved - Full Payment made advance)
https://steamcommunity.com/id/f_s0c1ety/ (Crownfall 3 Rare Jakiro & Visage Reserved - Full Payment Made advance)
https://steamcommunity.com/profiles/76561198072474418/ (Crownfall Rare Jakiro Sold Successfully Old Customer)
https://steamcommunity.com/id/Whitcliffe (Rare 2023 Marci & Rare 2022 Treant - Full Payment Made Advance)
https://steamcommunity.com/profiles/76561198074655812 (2023 Crownfall 3 QOP Reserved - 1.6/3 paid advance)
Wall of Shame:
https://steamcommunity.com/profiles/76561199102322625/ (This clown added me and when I asked to reserve which I have clearly stated in my post backtracked on trade offer, has no idea how 30-day steam gifting works so beware)
https://steamcommunity.com/profiles/76561197974015392/ (The newest Clown in town, Asks to buy legacy items, agrees to pay my listed price then tells me 2 days later about not making the payment because he found these sets for only 2 Dollars each which is not possible. Beware and don't add this person)
submitted by sahil_parakh30 to Dota2Trade [link] [comments]


2024.06.01 14:12 Slidebyte101 [STORE]: 🧧 --- Slidebyte's Ship Shop --- 🧧 (Main Store) Rare Ships, Unique Paints, Legacy Alpha Game Packs & Awards, Store Credit, Middleman Services, Account Liquidation Services, MSR Nightrunner, Free Hangar Fees Award, Subscriber Items & More 🛰

[STORE]: 🧧 --- Slidebyte's Ship Shop --- 🧧 (Main Store) Rare Ships, Unique Paints, Legacy Alpha Game Packs & Awards, Store Credit, Middleman Services, Account Liquidation Services, MSR Nightrunner, Free Hangar Fees Award, Subscriber Items & More 🛰
Greetings fellow Citizens o7! Long time backer and trader here.
I've been forced to condense the store to only the rarer items due to ANOTHER bug with Reddit's new UI that prevents me from editing the store pages to update. If you're looking for a CCU or something specific feel free to ask. If you're hesitant on a price also feel free to ask, many items are being sold on someone else's behalf so flexibility may vary.
Keep an eye out for "SALE" tags where the seller has decided to sell at a loss, less than market value or extremely rare / limited items.
-------------------------------------------------- ORDER PROCESS --------------------------------------------------
You will need to provide your Paypal email for the invoice as well as BOTH your RSI email & RSI name that the item/s get sent to.
Please familiarize yourself with CiG's gifting rules & ToS on their website.
Please understand that some of these items are in buyback and prices are subject to change without my knowledge. If this happens, I'll let you know, and we can reevaluate the transaction.
Abbreviations:
OC = "Original Concept"
obo = "or best offer."
OST = "Official Soundtrack"
LTI = "Lifetime Insurance"
Please understand that this is "not" my job, but I will respond as quickly as possible, usually within a 24hr period. Please allow a minimum of 24hrs for a response. Thanks for understanding!
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ IMPORTANT ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
If you're interested in anything or have any questions about items, transfers, CCU chaining or Star Citizen in general, please don't hesitate to shoot me a message. Happy to talk about anything SC related!
If you're new to Star Citizen and thinking of buying a game package, feel free to use my promo code to get extra goodies, promotional ships & /or credits added to your account: STAR-YC6L-5ZTY
If you're interested in building a fun community, in need of an Org to join & folk to play with, feel free to check out ours: Crypteian State Syndicate [CRYPTEIAN]
https://preview.redd.it/xv5et7n19y3d1.jpg?width=1500&format=pjpg&auto=webp&s=301e19436d68b031c8332b78f85e32ac9c4e3d0c
TABLE OF CONTENTS:
  1. Game Packages / Ship Packs
  2. Stand-alone ships
  3. Unique Paints
  4. Store Credit / Armors / Weapons / Other
  5. Accounts: Space Marshal with Unique MSR Night Runner, OG Legacy Backer Accounts w/Hangar Fee Rewards etc. (Ask for details)
If you don't see something you're looking for let me know. There's about 3-4 pages unlisted.
https://preview.redd.it/pc3pylf29y3d1.png?width=2900&format=png&auto=webp&s=28975e08ca3509a1a92e380271a67244c3f03103
Game Packages / Ship Packs:
Title: Notable Contents: Insurance: Total After Fees:
Arbiter Legacy Alpha Game Pack (JPx2) 325A, SC, SQ42, Legacy Alpha, Star Map, OST etc. LTI $169.20 (SALE)
Best in Show 2951 Hercules C2 Herc C2 + (IAE Leather Jacket & Unique blue / black BIS Livery) 10y $479
Best in Show 2952 Mercury Star Runner MSR & name reservation + ('52 Coin & Unique red / black BIS Livery) 10y $319
Best in Show 2952 C8X Pisces Expedition (x5) Pisces Expedition + ('52 Coin & Unique red / black BIS Livery) 10y $60
Best in Show 2952 Scorpius Scorpius + ('52 Coin & Unique red / black BIS Livery) 10y $299
Best in Show 2953 Corsair Corsair + ('53 Poster & Unique purple iridescent BIS Livery) 10y $299
Best in Show 2953 Vulture Vulture + ('53 Poster & Unique purple iridescent BIS Livery) 10y $209
Best in Show 2953 600i Exploration 600i & name reservation + ('53 Poster & Unique purple iridescent BIS Livery) 10y $569
Constellation Andromeda + SQ42 Legacy Game Pack Revel & York Hangar, PTV, 10,000 UEC, Manual, SQ 42, SC, Soundtrack, Star Map, Making of SC, Constellation poster, Cot, Work Bench, Fishtank Mk 1, Vindel, Oshi, Thorshu, Grey Ribbon Fish (Vario Vittas) 6mo $359
Digital Freelancer Legacy Alpha Game Pack (JP) Freelancer, SC, SQ42, 5k uec, Digital Engineering Manual, OST, Star Map, Legacy Alpha LTI $257.60 (SALE)
Lightspeed Legacy Alpha Pack (JP) Unique Origin Racing Suit, F7C-M (CCU'd), SC, SQ42, Digital Star Map, OST, Legacy Alpha, Etc. LTI $389 (SALE)
Next Generation Aurora Game Pack (JP) Aurora Legionnaire, SC, SQ42 etc. LTI $99 (SALE)
Pioneer Pack Pioneer, Greycat Estates Geostack-X Planetary Beacons, UEE Land Claim License Estate Parcel, Outpost Construction Material 10y $1099
Spirit Collection C1, E1 & A1 Spirits 6mo $455
Weekend Warrior Pack (JP) Model II Arclight Sidearm, SC, SQ42, F7C-M, 5000uec, Star Map, OST LTI $306 (SALE)
100i Foundation Festival Starter Pack (Warbond) 100i + Unique Limited Foundation Festival Paint, SC Digital Download 6mo $75
https://preview.redd.it/p9uiexw39y3d1.jpg?width=1680&format=pjpg&auto=webp&s=8747d32781e80754cdb64fa073a1f5b7ac28d434
2. Standalone Ships:
Title: Notable Contents: Insurance: Total After Fees:
Apollo Medivac ILW Edition - 10y $310
Aurora Legionnaire 2944 (Original Concept) (JPx2) - LTI $69 obo (SALE)
Ares Inferno ILW Edition - 10y $280
Ares Ion ILW Edition - 10y $280
Archimedes P72 (Original Concept) (El) Poster / Model LTI $49 (SALE)
Avenger Stalker (Original Concept) (JP) - LTI $79 (SALE)
Banu Defender - 6mo $220
Banu Defender (Original Concept) (El) Poster / Model LTI $239 (SALE)
Banu Merchantman - 6mo $660
Banu Merchantman Anniversary Edition (El) - 3y $440
Blade - 6mo $300
Carrack 2949 Edition Carrack name reservation 10y $550
Carrack 2952 IAE Edition Carrack name reservation 10y $660
Carrack (Original Concept) (El) Poster / Model, Anvil Manufacturer Shirt, Anvil Hat, Carrack Plushie, Name Reservation LTI $699
Caterpillar ILW Edition - 10y $363
Crucible ILW Edition - 10y $390
Corsair ILW / IAE Edition - 10y $275
Constellation Phoenix 2015 Anniversary Edition (El) - 3y $399 (SALE)
Eclipse Showdown Edition - 24mo $335
Eclipse (Fl) - LTI $330 (SALE)
Endeavor IAE Edition - 10y $390
Endeavor Hope Class (El) (Medical Bay & Hangar) 3y $509 (SALE)
Endeavor Biodome Pod IAE 2950 - - $115
Endeavor Collider Pod IAE 2950 - - $140
Expanse - 6mo $165
Freelancer (Original Concept) (JP) - LTI $140 (SALE)
F7C Hornet Heartseeker Edition - 6mo $234
F7C Hornet Wildfire IAE Edition - 10y $215
F7C MkII - 6mo $195
F7C-M 2943 Super Hornet (Original Concept) (El) - LTI $199 (SALE)
Fury ILW Edition - 10y $62
Fury MX ILW Edition - 10y $62
G12 IAE Edition - 10y $73
G12r IAE Edition - 10y $73
G12a ILW Edition - 10y $77
Galaxy (Original Concept) (Fl) Galaxy + Unique Concierge Protector Livery LTI $425 (SALE)
Galaxy Cargo Module - 6mo $80
Galaxy Refinery Module - 6mo $90
Galaxy Med Bay Module - 6mo $100
Gladius Valiant ILW Edition - 10y $125
Glaive IAE Edition - 10y $390
Genesis Starliner (Original Concept) (El) Poster / Model LTI $459
Hammerhead (Original Concept) (El) Poster / Model / Name Reservation LTI $729 (SALE)
Hurricane ILW Edition - 10y $235
Legionnaire ILW Edition - 10y $135
Liberator - 6mo $633
Lynx ILW Edition - 10y $70
Mercury Star Runner Fortuna Edition (MSR Name Reservation + Fortuna Livery) 6mo $300
Mercury Star Runner ILW Edition (MSR Name Reservation) 10y $300
Mule ILW Edition - 10y $50
Nautilus ILW Edition - 10y $825
Nox IAE Edition - 10y $45
Nova ILW Edition - 10y $120
Orion IAE Edition - 10y $720
Orion (Fl) Cutter Concierge Groundswell Paint ($430 melt) LTI $389 (SALE)
Orion (Original Concept) (El) Poster / Model LTI $649
Perseus ILW Edition - 10y $750
Prowler - 6mo $485
Prowler (Original Concept) (El) Poster / Model / CCC AVES Helmet LTI $479 (SALE)
Polaris IAE Edition - 10y $825
Polaris - LTI
Polaris (Original Concept) (El) Poster / Model LTI $849 (SALE)
Railen IAE Edition 10y $260
Ranger CV IAE Edition 10y $42
Ranger RC IAE Edition 10y $42
Ranger TR ILW Edition 10y $50
Ranger TR IAE Edition 10y $50
Sabre ILW Edition 10y $195
Sabre Comet ILW Edition 10y $205
San'tok.yāi IAE Edition 10y $260
Scorpius ILW Edition 10y $265
SRV ILW Edition 10y $170
Storm ILW Edition 10y $100
Talon Shrike 6mo $130
Terrapin ILW Edition 10y $250
Terrapin Showdown Edition 24mo $242
X1 Force IAE Edition 10y $60
X1 Force (Original Concept) (El) Poster / Model LTI $65 (SALE)
X1 Velocity IAE Edition - 10y $55
Vanguard Sentinel ILW Edition - 10y $305
Vanguard Warden ILW Edition - 10y $290
Vanguard Warden (Legacy Original Concept) Model / Poster LTI $299
Vanguard Battlefield Upgrade Kit Anniversary (El) (Sentinel) 3y $35(SALE)
Vulture ILW Edition - 10y $165
Vulcan (Original Concept) (El) - LTI $219(SALE)
325A (Original Concept) (JP) - LTI $100 (SALE)
325A ILW (customized wood / leather interior and loadout) - 10y $115
400i Citizencon 2951 Exclusive Preorder Meridian Edition - 6mo $289
400i Fortuna Edition - 6mo $290
600i Showdown Edition (Exploration Module + Name Reservation) 24mo $525
600i Touring Fortuna Edition (Fortuna Livery + 600i name reservation) 6mo $510
890j (Original Concept) (GY) Poster / Model / Revel & York Hangar / Name Reservation etc. LTI $1800
https://preview.redd.it/i3ymgsb59y3d1.jpg?width=3000&format=pjpg&auto=webp&s=9067d6f04b558011c583deec08cda55deadf9776
3. Unique Paints:
Title: Description: Total After Fees:
Ares Lovestruck pink - iridescent $20
Aurora Invictus Blue & Gold blue & gold $10
Aurora Dread Pirate (Unique Legacy) (El) black / skull & crossbones $30 (SALE)
Aurora Military Paint - UEE Distinguished Service Skin (Unique Legacy) (El) OD green / grey $30 (SALE)
Avenger Invictus Blue & Gold blue & gold $12
Avenger Solar Winds steel & Red $12
Buccaneer Ghoulish Green green - iridescent $10
C8 Pisces Code Blue (Limited Concierge Exclusive) blue, white - iridescent $10
C8 Pisces 2953 Auspicious Red (Rooster) Red & Gold $8
Caterpillar Ghoulish Green green - iridescent $15
Carrack 2953 Auspicious Red (Rooster) Red & Gold $25
Constellation 2952 Auspicious Red (Monkey) Red & Gold $15
Cutter Groundswell (Limited Concierge Exclusive) olive & orange $10
Cutter Nightfall (Limited Concierge Exclusive) dark steel & teal $10
Cutlass Ghoulish Green green - iridescent $10
Cutlass Black Skull & Crossbones black, skull & crossbones $15
Cyclone Invictus Blue & Gold blue & gold $10
Defender Harmony purple/blue/green/red- iridescent $15
Defender Platinum Platinum - iridescent $15
Dragonfly Ghoulish Green green - iridescent $10
Expanse Stardust (Limited Concierge Exclusive) blue & black $15
F7C MkI Corin (Limited) olive & red $15
F7C MkI Ironheart (Limited) silver & red $15
F7C MkI Killian Blue (Limited) blue $15
F7 MkII Ironscale (Limited Concierge Exclusive) Black & Rose Gold $15
Freelancer 2951 Auspicious Red (Ram) Red & Gold $15
Fortuna 2952 3 Paint Pack (MSR, 400i, 600i) dark green - iridescent $45
Fury Leatherback (Limited Concierge Exclusive) olive, red $10
Galaxy Protector (Limited Concierge Exclusive) steel blue & white $20
Ghoulish Green 4 Pack green - iridescent $32
Ghoulish Green 7 Pack green - iridescent $55
Gladius Invictus Blue & Gold blue & gold $15
Gladius Solar Winds charcoal & red $15
Hammerhead Fortuna dark green - iridescent $25
Hawk Invictus Blue & Gold blue & gold $15
Herald Ghoulish Green green - iridescent $12
Hercules Invictus Blue & Gold blue & gold $25
Hornet Invictus Blue & Gold blue & gold $15
Hoverquad Lovestruck pink - iridescent $10
Ironclad Dauntless (Limited Concierge Exclusive) silver & black $25
Legionnaire Shadow Strike (Limited Concierge Exclusive) black $15
Liberator Condor Paint (Limited Concierge Exclusive) white, grey $25
Lovestruck Pack (Ares, Nomad, Hoverquad) pink - iridescent $30
Lynx - Moonrise (Limited Concierge Exclusive) silver $10
Mercury Star Runner Fortuna dark green - iridescent $15
MPUV Firebrand (Limited Concierge Exclusive) burnt orange $10
Mule 3 Pack (Limited Concierge Exclusive) - $15
Mule Ghoulish Green green - iridescent $10
Nomad 29511 Auspicious Red (Ram) Red & Gold $15
Nomad Lovestruck pink - iridescent $15
Nox Harmony purple/blue/green/red- iridescent $10
Odyssey Windrider (Limited Concierge Exclusive) white & black $30
Prowler Harmony purple/blue/green/red- iridescent $25
Prowler Ocellus green/red- iridescent $25
Railen Hyaotan (Limited Concierge Exclusive) dark $30
Redeemer Fortuna dark green - iridescent $20
Reliant Invictus Blue & Gold blue & gold $10
Retaliator ILW 2950 Pack blue & gold $20
Sabre Raven Ashcloud (Limited Concierge Exclusive) black & Gold $15
Sabre 2952 Auspicious Red (Monkey) Red & Gold $15
Scorpius Tiburon (Limited Concierge Exclusive) flying tiger teeth $20
Solar Winds 3 Pack - $30
Spirit Allegiant (Fl) white, black, red stripe $5 (SALE)
Spirit 3 Pack (Limited Concierge Exclusive) - $35
Spirit Crimson (Limited Concierge Exclusive) red & white $20
Spirit Intrepid (Limited Concierge Exclusive) olive, white, orange $20
Spirit Olympia (Limited Concierge Exclusive) black, gold - textured $20
Storm - Summit (Limited Concierge Exclusive) grey, white $15
STV Blue Steel (Limited Concierge Exclusive) blue, black $10
Talon Harmony purple/blue/green/red- iridescent $15
Talon Ocellus green/red- iridescent $15
Ursa Respite (Limited Concierge Exclusive) Black $9
Vanguard Invictus Blue & Gold blue & gold $15
Vanguard Fortuna dark green - iridescent $15
Vanguard Solar Winds charcoal, red $15
Vulture Ghoulish Green green - iridescent $15
X1 Auspicious Red (Dragon) Red & Gold $8
X1 Auspicious Red (Dog) Red & Gold $8
You Got Our Backs Electro Skin Hull 2013 (JP) unknown $60
Zeus Mk. II Concierge Exclusive Solstice Black, Grey, Gold $20
100i Invictus Blue & Gold blue & gold $10
100i Auspicious Red (Dragon) Red & Gold $8
100i Auspicious Red (Dog) Red & Gold $8
400i Auspicious Red (Dragon) Red & Gold $15
400i Auspicious Red (Dog) Red & Gold $15
400i Fortuna dark green - iridescent $15
400i Meridian (Limited Edition CitizenCon) Dark Steel $30
400i Penumbra (Limited Concierge Exclusive) Black, Gold Trim $30
600i Auspicious Red (Dragon) Red & Gold $20
600i Auspicious Red (Dog) Red & Gold $20
600i Fortuna dark green - iridescent $20
2951 Auspicious Red Pack Ram (Freelancer, Nomad) Red & Gold $20
2953 Auspicious Red Pack Rooster (Carrack, Pisces) Red & Gold $25
2952 Auspicious Red Pack Monkey (Connie, Sabre) Red & Gold $25
2954 Auspicious Red 8 Pack - Dog & Dragon (X1, 100i, 400i, 600i) Red & Gold $65
https://preview.redd.it/9aza88769y3d1.jpg?width=3840&format=pjpg&auto=webp&s=6985fef1c0c161ff42531b9593f1216c7577fc12
4. Armors / Weapons / Other:
Title: Description: Total After Fees:
Advocacy Tools (JP) Faction 9 Baton, E&I M34 Restraint System $80 obo
Citizencon 2951 Digital Goodies Pack (JP) 2951 Trophy, Arden Balefire Armor Set, RRS Fallout Knife $40
Fieldsbury Dark Bear Helmets Choice of Pink / Brown / Orange / Green / Purple / Teal $6
Fieldsbury Dark Bear Sinister Pack (all six helmets) $30
Normal Subscriber Items Ask Ask
Plentiful Salvage Space Globe 2015 (JP) $10
Star Citizen Digital Novella 2013 $17
SQ42 Digital Manual 2013 - $20
Game Universe Map Digital Star Map $7
https://preview.redd.it/dcvwva289y3d1.png?width=1920&format=png&auto=webp&s=833de607d5643b0ca7e30dc9ee89639f582b925f
Subscriber items being sold at a loss (no markup for fees):
Title: Description: Total After Fees:
C2 Hercules Starlifter Plushie (SALE) $4
Mandible Snowfly Helmet (Fl) (SALE) $4
"Igniter" Lightning Co. Weapons Pack (Fl) Atzkaz sniper & Yubrev Pistol (SALE) $8
"Venom" Lightning Co. Weapons Pack (Fl) Atzkaz sniper & Yubrev Pistol (SALE) $8
Neoni "Tengubi" Helmet (Fl) (SALE) $4
"Venom" Lightning Co. Weapons Pack (El) Atzkaz sniper & Yubrev Pistol (SALE) $8
Avenger Copernicus Paint (El) (SALE) $5
100 Series Sand Wave Paint (El) (SALE) $5
Mandible Snowfly Helmet (El) (SALE) $4
Store Credit Sales:
These store credit sales are Middleman sales for clients, so prices are firm.
The price for each transaction is 60% of melt value + $20 per transaction to cover each giftable host ships. Transactions will be billed independently & limited to 1 per day to stay within CiG's $1000/day limit.
Available transactions are as follows:
Ship: Melt: Total After Fees:
Hammerhead (El) $725 $455
https://preview.redd.it/624njs5a9y3d1.jpg?width=1639&format=pjpg&auto=webp&s=eca2cda3619dd2906588618523a417efc3ee94c3
5. Accounts:
- 2014 Space Marshal Account with Unique MSR Night Runner Paint, OC Buyback Ships, Unique Limited Subscriber Items (Big Bennys Machine, 2946+ Trophies Etc.) & Legacy Backer Awards (Ask for more details.)
Details:
Currently liquidating store credit & buyback ships to lower the price.
Current price including everything prior to liquidation is $2230. After liquidating the excess on the account, price will be reduced to around $1400.
Notable Original Concept or Legacy buybacks: Polaris, Archimedes, Vulcan, F7C-M, X1 Force, Connie Phoenix 2015 anniversary edition, Endeavor Hope Class, Banu Defender, Hammerhead
-2013 Original Backer High Admiral Account with Original & Veterans Backer Reward, Free Hangar Fees Reward, RSI Class II Test Pilot Space Suit, OC buyback Ships & Legacy Alpha Packages, Unique Limited Subscriber & UEC Items from 2013-2014, F7A Mk II Upgrade & Legacy Backer Awards. Open to offers (Ask for more details.)
Details:
Currently liquidating giftables & rare game packages from the buyback.
Current price including everything is $3616. After liquidating excess from the account & buyback, price will be reduced to around $2300.
See ya round the Verse Citizen...Greetings fellow Citizens o7!
submitted by Slidebyte101 to Starcitizen_trades [link] [comments]


2024.06.01 14:10 DavisFirearmsTexas Inventory Update

  1. OCL Polonium K
  2. SilencerCo Omega 9K & Sparrow 22
  3. Resilient Suppressors RS9
  4. CGS SCI-SIX
  5. Huxwrx Rad 45
  6. Six Sauer ModX 45
  7. Rugged Obsidian 9
  8. Rex Silentium MG7 224/308 Bore
  9. Kinetic Wizard 9 & Racket 7.62
  10. Ecco Machine Accipiter, Phoenix
  11. Boss Silencers: Chairman K

  1. OCL Titanium 22
  2. Boss Silencers: Chairman TiK
  3. Rex Silentium MG22 K & L Gen 2
  4. Inert Haze: Ti-P, The One & Dreyse 30
  5. DDC Enticer L Mill Finish
  6. SilencerCo Osprey 45K
Did you hear that I’m reading a book about anti-gravity?
It’s impossible to put down.
~Auto 10% at checkout now until noon today.~
Let me know what silencers you would like to see on my site!
The best ways to stay up to date are: These emails, Reddit, Instagram and LinkedIn (I know… crazy)
submitted by DavisFirearmsTexas to u/DavisFirearmsTexas [link] [comments]


2024.06.01 14:09 AlbertHere-3 >600$ gaming miniITX build

This build is an excellent, good performance, miniITX-microATX build! The parts I've researched are takend from PCPartPicker. !It doesn't have any any aesthetic, because of the case being all black/white, with no see-through side panels, the build will pe black/white.
*The CPU cooler is included in the CPU pack, but a cheap alternative is an option...
I will upgrade the RAM if needed to a better 2 x 8GB or even a 2 x 16 if worth, bc I will do some home work, school projects and light gaming.
*Btw Happy children day!
submitted by AlbertHere-3 to buildapc [link] [comments]


2024.06.01 14:08 Symuntee90 Zapdos near me 955320406944

Zapdos near me 955320406944 submitted by Symuntee90 to PokemonGoRaids [link] [comments]


2024.06.01 14:08 Meltshakeee Melinda finally

Melinda finally
Got melinda to 3 ⭐️ and cleared an additional 4 Normal chapters and 2 hero chapters first try 🫡 f*** meowgwik
submitted by Meltshakeee to Archero [link] [comments]


2024.06.01 14:07 RamiRustom 💘 Helping People Before and After Leaving Islam 💘 June 2024 (46 new posts & videos)

📢 DON'T MISS THE LAUNCHING OF 'UNITING THE CULTS' ON JUNE 14TH 12PM CDT

Mark your calendars for the 'Uniting The Cults' livestream event on the 50th anniversary of Feynman's 'Cargo Cult Science' speech. Signup for email updates/reminders here & here's the livestream link!
Uniting The Cults' is a non-profit whose purpose is to be an agent of cultural change with a vision of a world without apostasy laws.. a world governed by scientific thinking, where people recognize love as the goal and rationality as the method to achieve it. Our brothers and sisters need our help. They're living in fear, unable to speak for themselves.. so we must speak for them. Here's how you can support your brothers and sisters suffering in fear... 💘
➡️ Dear doubting Muslims
➡️ Dear doubting Muslims and new Ex-Muslims
➡️ Ready to learn more philosophy? 💪
➡️ Uniting The Cults podcast, new episodes since last newsletter
Some posts from last edition were removed because they weren't as good, and to make this list short and sweet. If you want to see them anyway, check out the last edition.
submitted by RamiRustom to exmuslim [link] [comments]


2024.06.01 14:06 ye2zur What does my chart indicate for my career?

What does my chart indicate for my career? submitted by ye2zur to AskAstrologers [link] [comments]


2024.06.01 14:06 Jco_HLZ Have and needs

Have and needs
Play MONOPOLY GO! with me! Download it here: https://mply.io/j-I5rA
submitted by Jco_HLZ to MonopolyGoTrading [link] [comments]


http://activeproperty.pl/