modelId
string
author
string
last_modified
timestamp[us, tz=UTC]
downloads
int64
likes
int64
library_name
string
tags
list
pipeline_tag
string
createdAt
timestamp[us, tz=UTC]
card
string
k0T0z/Reinforce-Pixelcopter-PLE-v0
k0T0z
2024-01-27T23:09:43Z
0
0
null
[ "Pixelcopter-PLE-v0", "reinforce", "reinforcement-learning", "custom-implementation", "deep-rl-class", "model-index", "region:us" ]
reinforcement-learning
2024-01-18T15:31:26Z
--- tags: - Pixelcopter-PLE-v0 - reinforce - reinforcement-learning - custom-implementation - deep-rl-class model-index: - name: Reinforce-Pixelcopter-PLE-v0 results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: Pixelcopter-PLE-v0 type: Pixelcopter-PLE-v0 metrics: - type: mean_reward value: 30.40 +/- 15.78 name: mean_reward verified: false --- # **Reinforce** Agent playing **Pixelcopter-PLE-v0** This is a trained model of a **Reinforce** agent playing **Pixelcopter-PLE-v0** . To learn to use this model and train yours check Unit 4 of the Deep Reinforcement Learning Course: https://huggingface.co/deep-rl-course/unit4/introduction
barandinho/distilbert-base-turkish-cased-toxic-lang
barandinho
2024-01-27T23:02:04Z
187
1
transformers
[ "transformers", "safetensors", "distilbert", "text-classification", "generated_from_trainer", "base_model:dbmdz/distilbert-base-turkish-cased", "base_model:finetune:dbmdz/distilbert-base-turkish-cased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T20:47:05Z
--- license: apache-2.0 base_model: dbmdz/distilbert-base-turkish-cased tags: - generated_from_trainer metrics: - accuracy model-index: - name: results results: [] pipeline_tag: text-classification --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> ## Modelin açıklaması (model description) Bu model distilbert-base-turkish'in turkish-toxic-language dataset'i üzerinde fine-tune edilmiş versiyonudur. ## Sonuçlar (results) Model google colab üzerinde T4 GPU ile yaklaşık 1.5 saatte eğitilmiştir. Eğitim parametleri aşağıda verilmiştir. Model evaluation veri setinde şu değerlere ulaşmıştır: - Loss: 0.2019 - Accuracy: 0.9287 ## Modelin kullanım amacı (intended uses) Verilen Türkçe cümlenin toksik olup olmadığını tespit edip etiketleme amaçlı kullanılmaktadır. Etiketler : OTHER : Toksik değil\ INSULT : Hakaret\ PROFANITY : Küfür\ SEXIST : Cinsiyetçilik\ RACIST : Irkçılık ## Modelin Kullanılması (Usage) ```python from transformers import pipeline pipe = pipeline("sentiment-analysis", model="barandinho/distilbert-base-turkish-cased-toxic-lang") ``` ## Training ve evaluation verisi (training and evaluation data) Model en başta training ve evaluation diye ayrılıp 2 epoch boyunca eğitilmiştir. Modelin başarısı doğrulanınca training ve evaluation veri setleri birleştirilip 3 epoch boyunca tekrardan eğitilecektir. ### Eğitilirken kullanılan parametreler (training hyperparameters) - learning_rate: 5e-05 - train_batch_size: 32 - eval_batch_size: 32 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 64 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 2 ### Eğitim sonuçları (training results) | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.762 | 1.0 | 972 | 0.2179 | 0.9210 | | 0.1682 | 2.0 | 1944 | 0.2019 | 0.9287 | ### Framework versiyonları (framework versions) - Transformers 4.35.2 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
gowitheflowlab/3-allnli-p-a-p-a-p-a-64-128-3e-5
gowitheflowlab
2024-01-27T23:01:20Z
30
0
transformers
[ "transformers", "pytorch", "pixel", "text-classification", "generated_from_trainer", "dataset:allnli", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T22:59:50Z
--- tags: - generated_from_trainer datasets: - allnli model-index: - name: 3-allnli-p-a-p-a-p-a-64-128-3e-5-2600 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # 3-allnli-p-a-p-a-p-a-64-128-3e-5-2600 This model is a fine-tuned version of [3-parallel-9-p-a-p-a-p-64-128-3e-5-26000/checkpoint-26000](https://huggingface.co/3-parallel-9-p-a-p-a-p-64-128-3e-5-26000/checkpoint-26000) on the ALLNLI dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 128 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 200 - training_steps: 2600 ### Training results ### Framework versions - Transformers 4.17.0 - Pytorch 1.11.0 - Datasets 2.14.7.dev0 - Tokenizers 0.14.1
chuqiaog/distilbert-base-uncased-finetuned-ner
chuqiaog
2024-01-27T22:48:08Z
92
0
transformers
[ "transformers", "safetensors", "distilbert", "token-classification", "generated_from_trainer", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2024-01-25T21:57:13Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer metrics: - precision - recall - f1 - accuracy model-index: - name: distilbert-base-uncased-finetuned-ner results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-ner This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.0265 - Precision: 0.9257 - Recall: 0.9346 - F1: 0.9301 - Accuracy: 0.9833 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | 0.0961 | 1.0 | 878 | 0.0315 | 0.8969 | 0.9221 | 0.9093 | 0.9791 | | 0.0192 | 2.0 | 1756 | 0.0260 | 0.9261 | 0.9312 | 0.9287 | 0.9829 | | 0.0121 | 3.0 | 2634 | 0.0265 | 0.9257 | 0.9346 | 0.9301 | 0.9833 | ### Framework versions - Transformers 4.37.0 - Pytorch 2.1.2 - Datasets 2.16.1 - Tokenizers 0.15.0
mechXsteam/demon_slayer_1026
mechXsteam
2024-01-27T22:37:20Z
1
2
diffusers
[ "diffusers", "text-to-image", "autotrain", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:finetune:stabilityai/stable-diffusion-xl-base-1.0", "region:us" ]
text-to-image
2024-01-27T20:33:45Z
--- base_model: stabilityai/stable-diffusion-xl-base-1.0 instance_prompt: Demon slayer tanjiro crazy fight scenes. tags: - text-to-image - diffusers - autotrain inference: true --- # DreamBooth trained by AutoTrain Text encoder was not trained.
asun17904/bert-base-uncased-adviter
asun17904
2024-01-27T22:37:20Z
1
0
pytorch
[ "pytorch", "bert", "en", "license:mit", "region:us" ]
null
2024-01-27T19:15:40Z
--- language: en license: mit library_name: pytorch --- # Adversarial Training Through Iterations Trainer Hyperparameters: - `lr` = 5e-05 - `per_device_batch_size` = 16 - `gradient_accumulation_steps` = 1 - `weight_decay` = 1e-09 - `seed` = 42 Extended Logs: |eval_loss|eval_accuracy|epoch| |--|--|--|
pedroferreira/speecht5_finetuned_voxpopuli_fr_2
pedroferreira
2024-01-27T22:23:50Z
68
0
transformers
[ "transformers", "safetensors", "speecht5", "text-to-audio", "generated_from_trainer", "text-to-speech", "dataset:facebook/voxpopuli", "base_model:microsoft/speecht5_tts", "base_model:finetune:microsoft/speecht5_tts", "license:mit", "endpoints_compatible", "region:us" ]
text-to-speech
2024-01-27T20:08:20Z
--- license: mit base_model: microsoft/speecht5_tts tags: - generated_from_trainer - text-to-speech datasets: - facebook/voxpopuli model-index: - name: speecht5_finetuned_voxpopuli_fr results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # speecht5_finetuned_voxpopuli_fr This model is a fine-tuned version of [microsoft/speecht5_tts](https://huggingface.co/microsoft/speecht5_tts) on the facebook/voxpopuli dataset. It achieves the following results on the evaluation set: - Loss: 0.8649 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 4 - eval_batch_size: 2 - seed: 42 - gradient_accumulation_steps: 8 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - training_steps: 4000 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-------:|:----:|:---------------:| | 0.4565 | 533.33 | 1000 | 0.8182 | | 0.4089 | 1066.67 | 2000 | 0.8548 | | 0.3972 | 1600.0 | 3000 | 0.8666 | | 0.3876 | 2133.33 | 4000 | 0.8649 | ### Framework versions - Transformers 4.37.1 - Pytorch 2.1.2+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
bartowski/Tess-10.7B-v1.5-exl2
bartowski
2024-01-27T22:23:19Z
0
0
null
[ "text-generation", "license:apache-2.0", "region:us" ]
text-generation
2024-01-27T07:22:08Z
--- license: apache-2.0 quantized_by: bartowski pipeline_tag: text-generation --- ## Exllama v2 Quantizations of Tess-10.7B-v1.5 Using <a href="https://github.com/turboderp/exllamav2/releases/tag/v0.0.12">turboderp's ExLlamaV2 v0.0.12</a> for quantization. ## The "main" branch only contains the measurement.json, download one of the other branches for the model (see below) Each branch contains an individual bits per weight, with the main one containing only the meaurement.json for further conversions. Conversion was done using the default calibration dataset. Default arguments used except when the bits per weight is above 6.0, at that point the lm_head layer is quantized at 8 bits per weight instead of the default 6. Original model: https://huggingface.co/migtissera/Tess-10.7B-v1.5 | Branch | Bits | lm_head bits | VRAM (4k) | VRAM (16k) | VRAM (32k) | Description | | ----- | ---- | ------- | ------ | ------ | ------ | ------------ | | [8_0](https://huggingface.co/Bartowski/Tess-10.7B-v1.5-exl2/tree/8_0) | 8.0 | 8.0 | 11.9 GB | 13.3 GB | 15.3 GB | Maximum quality that ExLlamaV2 can produce, near unquantized performance. | | [6_5](https://huggingface.co/Bartowski/Tess-10.7B-v1.5-exl2/tree/6_5) | 6.5 | 8.0 | 10.3 GB | 11.7 GB | 13.7 GB | Very similar to 8.0, good tradeoff of size vs performance, **recommended**. | | [5_0](https://huggingface.co/Bartowski/Tess-10.7B-v1.5-exl2/tree/5_0) | 5.0 | 6.0 | 8.3 GB | 9.7 GB | 11.7 GB | Slightly lower quality vs 6.5, but usable on 8GB cards. | | [4_25](https://huggingface.co/Bartowski/Tess-10.7B-v1.5-exl2/tree/4_25) | 4.25 | 6.0 | 7.4 GB | 8.6 GB | 10.6 GB | GPTQ equivalent bits per weight, slightly higher quality. | | [3_5](https://huggingface.co/Bartowski/Tess-10.7B-v1.5-exl2/tree/3_5) | 3.5 | 6.0 | 6.4 GB | 7.8 GB | 9.8 GB | Lower quality, only use if you have to. | ## Download instructions With git: ```shell git clone --single-branch --branch 6_5 https://huggingface.co/bartowski/Tess-10.7B-v1.5-exl2 ``` With huggingface hub (credit to TheBloke for instructions): ```shell pip3 install huggingface-hub ``` To download the `main` (only useful if you only care about measurement.json) branch to a folder called `Tess-10.7B-v1.5-exl2`: ```shell mkdir Tess-10.7B-v1.5-exl2 huggingface-cli download bartowski/Tess-10.7B-v1.5-exl2 --local-dir Tess-10.7B-v1.5-exl2 --local-dir-use-symlinks False ``` To download from a different branch, add the `--revision` parameter: Linux: ```shell mkdir Tess-10.7B-v1.5-exl2-6_5 huggingface-cli download bartowski/Tess-10.7B-v1.5-exl2 --revision 6_5 --local-dir Tess-10.7B-v1.5-exl2-6_5 --local-dir-use-symlinks False ``` Windows (which apparently doesn't like _ in folders sometimes?): ```shell mkdir Tess-10.7B-v1.5-exl2-6.5 huggingface-cli download bartowski/Tess-10.7B-v1.5-exl2 --revision 6_5 --local-dir Tess-10.7B-v1.5-exl2-6.5 --local-dir-use-symlinks False ```
yc4142/RedPajama-INCITE-Instruct-3B-v1-lora-ethics-nonCoT
yc4142
2024-01-27T22:13:44Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2024-01-27T22:13:37Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
coke0zero/dqn-SpaceInvadersNoFrameskip-v4
coke0zero
2024-01-27T22:10:59Z
0
0
stable-baselines3
[ "stable-baselines3", "SpaceInvadersNoFrameskip-v4", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T22:10:25Z
--- library_name: stable-baselines3 tags: - SpaceInvadersNoFrameskip-v4 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: DQN results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: SpaceInvadersNoFrameskip-v4 type: SpaceInvadersNoFrameskip-v4 metrics: - type: mean_reward value: 539.00 +/- 173.56 name: mean_reward verified: false --- # **DQN** Agent playing **SpaceInvadersNoFrameskip-v4** This is a trained model of a **DQN** agent playing **SpaceInvadersNoFrameskip-v4** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3) and the [RL Zoo](https://github.com/DLR-RM/rl-baselines3-zoo). The RL Zoo is a training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included. ## Usage (with SB3 RL Zoo) RL Zoo: https://github.com/DLR-RM/rl-baselines3-zoo<br/> SB3: https://github.com/DLR-RM/stable-baselines3<br/> SB3 Contrib: https://github.com/Stable-Baselines-Team/stable-baselines3-contrib Install the RL Zoo (with SB3 and SB3-Contrib): ```bash pip install rl_zoo3 ``` ``` # Download model and save it into the logs/ folder python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga coke0zero -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` If you installed the RL Zoo3 via pip (`pip install rl_zoo3`), from anywhere you can do: ``` python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga coke0zero -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` ## Training (with the RL Zoo) ``` python -m rl_zoo3.train --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ # Upload the model and generate video (when possible) python -m rl_zoo3.push_to_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ -orga coke0zero ``` ## Hyperparameters ```python OrderedDict([('batch_size', 32), ('buffer_size', 100000), ('env_wrapper', ['stable_baselines3.common.atari_wrappers.AtariWrapper']), ('exploration_final_eps', 0.01), ('exploration_fraction', 0.1), ('frame_stack', 4), ('gradient_steps', 1), ('learning_rate', 0.0001), ('learning_starts', 100000), ('n_timesteps', 1000000.0), ('optimize_memory_usage', False), ('policy', 'CnnPolicy'), ('target_update_interval', 1000), ('train_freq', 4), ('normalize', False)]) ``` # Environment Arguments ```python {'render_mode': 'rgb_array'} ```
jartine/mistral-7b.llamafile
jartine
2024-01-27T21:49:30Z
52
24
null
[ "llamafile", "license:apache-2.0", "region:us" ]
null
2023-11-22T01:17:19Z
--- license: apache-2.0 tags: - llamafile ---
Mattttthew/LunarLander-v2
Mattttthew
2024-01-27T21:49:27Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T21:48:25Z
--- library_name: stable-baselines3 tags: - LunarLander-v2 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: PPO results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: LunarLander-v2 type: LunarLander-v2 metrics: - type: mean_reward value: 253.84 +/- 21.50 name: mean_reward verified: false --- # **PPO** Agent playing **LunarLander-v2** This is a trained model of a **PPO** agent playing **LunarLander-v2** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```
AlekseyKorshuk/ultrachat-phi-2-dpo-chatml
AlekseyKorshuk
2024-01-27T21:42:54Z
10
1
transformers
[ "transformers", "pytorch", "tensorboard", "safetensors", "phi", "text-generation", "axolotl", "dpo", "trl", "generated_from_trainer", "conversational", "custom_code", "base_model:AlekseyKorshuk/ultrachat-phi-2-sft-chatml", "base_model:finetune:AlekseyKorshuk/ultrachat-phi-2-sft-chatml", "license:mit", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T09:40:03Z
--- license: mit base_model: AlekseyKorshuk/ultrachat-phi-2-sft-chatml tags: - axolotl - dpo - trl - dpo - generated_from_trainer model-index: - name: ultrachat-phi-2-dpo-chatml results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> [<img src="https://raw.githubusercontent.com/OpenAccess-AI-Collective/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl" width="200" height="32"/>](https://github.com/OpenAccess-AI-Collective/axolotl) <details><summary>See axolotl config</summary> axolotl version: `0.4.0` ```yaml base_model: AlekseyKorshuk/ultrachat-phi-2-sft-chatml model_type: AutoModelForCausalLM tokenizer_type: AutoTokenizer trust_remote_code: true hub_model_id: AlekseyKorshuk/ultrachat-phi-2-dpo-chatml hub_strategy: every_save load_in_8bit: false load_in_4bit: false strict: false rl: dpo datasets: - path: argilla/ultrafeedback-binarized-preferences split: train type: chatml.argilla dataset_prepared_path: #val_set_size: 0.001 output_dir: ./output sequence_len: 2048 #sample_packing: false # currently unsupported pad_to_sequence_len: lora_r: lora_alpha: lora_dropout: lora_target_modules: lora_target_linear: lora_fan_in_fan_out: wandb_project: ui-thesis wandb_entity: wandb_watch: wandb_name: ultrachat-phi-2-dpo-chatml wandb_log_model: gradient_accumulation_steps: 4 micro_batch_size: 8 num_epochs: 3 optimizer: paged_adamw_8bit adam_beta1: 0.9 adam_beta2: 0.95 max_grad_norm: 1.0 adam_epsilon: 0.00001 lr_scheduler: cosine cosine_min_lr_ratio: 0.1 learning_rate: 5.0e-7 warmup_steps: 32 #warmup_ratio: 0.1 weight_decay: 0.01 dpo_beta: 0.01 train_on_inputs: false group_by_length: false bf16: true fp16: false tf32: true gradient_checkpointing: true early_stopping_patience: resume_from_checkpoint: local_rank: logging_steps: 1 xformers_attention: flash_attention: true #evals_per_epoch: 5 #eval_table_size: 8 # Approximate number of predictions sent to wandb depending on batch size. Enabled above 0. Default is 0 #eval_table_max_new_tokens: 768 # Total number of tokens generated for predictions sent to wandb. Default is 128 chat_template: chatml #saves_per_epoch: 1 save_steps: 500 save_total_limit: 1 seed: 42 debug: deepspeed: fsdp: fsdp_config: resize_token_embeddings_to_32x: true ``` </details><br> # ultrachat-phi-2-dpo-chatml This model is a fine-tuned version of [AlekseyKorshuk/ultrachat-phi-2-sft-chatml](https://huggingface.co/AlekseyKorshuk/ultrachat-phi-2-sft-chatml) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-07 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - distributed_type: multi-GPU - num_devices: 4 - gradient_accumulation_steps: 4 - total_train_batch_size: 128 - total_eval_batch_size: 32 - optimizer: Adam with betas=(0.9,0.95) and epsilon=1e-05 - lr_scheduler_type: cosine - lr_scheduler_warmup_steps: 32 - training_steps: 1492 ### Training results ### Framework versions - Transformers 4.37.0 - Pytorch 2.1.2+cu118 - Datasets 2.16.1 - Tokenizers 0.15.0
iamkprasad/SeetaXL
iamkprasad
2024-01-27T21:36:39Z
4
2
diffusers
[ "diffusers", "tensorboard", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "text-to-image", "lora", "template:sd-lora", "base_model:Lykon/AAM_XL_AnimeMix", "base_model:adapter:Lykon/AAM_XL_AnimeMix", "license:openrail++", "region:us" ]
text-to-image
2024-01-27T21:36:36Z
--- tags: - stable-diffusion-xl - stable-diffusion-xl-diffusers - text-to-image - diffusers - lora - template:sd-lora base_model: Lykon/AAM_XL_AnimeMix instance_prompt: a photo of s33ta person, anime license: openrail++ --- # SDXL LoRA DreamBooth - iamkprasad/s33ta <Gallery /> ## Model description These are iamkprasad/s33ta LoRA adaption weights for Lykon/AAM_XL_AnimeMix. The weights were trained using [DreamBooth](https://dreambooth.github.io/). LoRA for the text encoder was enabled: False. Special VAE used for training: madebyollin/sdxl-vae-fp16-fix. ## Trigger words You should use a photo of s33ta person, anime to trigger the image generation. ## Download model Weights for this model are available in Safetensors format. [Download](iamkprasad/s33ta/tree/main) them in the Files & versions tab.
MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T21:34:52Z
64
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "liuda1/Mistral-7B-golden", "pytorch", "license:unknown", "autotrain_compatible", "endpoints_compatible", "region:us", "license:apache-2.0", "base_model:MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T21:26:23Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - liuda1/Mistral-7B-golden - pytorch - license:unknown - autotrain_compatible - endpoints_compatible - region:us - license:apache-2.0 model_name: Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./Mistral-7B-golden-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
samuraibosky/Reinforce-0
samuraibosky
2024-01-27T21:33:30Z
0
0
null
[ "CartPole-v1", "reinforce", "reinforcement-learning", "custom-implementation", "deep-rl-class", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T21:33:18Z
--- tags: - CartPole-v1 - reinforce - reinforcement-learning - custom-implementation - deep-rl-class model-index: - name: Reinforce-0 results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: CartPole-v1 type: CartPole-v1 metrics: - type: mean_reward value: 500.00 +/- 0.00 name: mean_reward verified: false --- # **Reinforce** Agent playing **CartPole-v1** This is a trained model of a **Reinforce** agent playing **CartPole-v1** . To learn to use this model and train yours check Unit 4 of the Deep Reinforcement Learning Course: https://huggingface.co/deep-rl-course/unit4/introduction
silvente93/tfm_rev6
silvente93
2024-01-27T21:30:10Z
4
0
peft
[ "peft", "tensorboard", "safetensors", "trl", "sft", "generated_from_trainer", "base_model:TheBloke/Mistral-7B-Instruct-v0.2-GPTQ", "base_model:adapter:TheBloke/Mistral-7B-Instruct-v0.2-GPTQ", "license:apache-2.0", "region:us" ]
null
2024-01-27T18:50:16Z
--- license: apache-2.0 library_name: peft tags: - trl - sft - generated_from_trainer base_model: TheBloke/Mistral-7B-Instruct-v0.2-GPTQ model-index: - name: tfm_rev6 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # tfm_rev6 This model is a fine-tuned version of [TheBloke/Mistral-7B-Instruct-v0.2-GPTQ](https://huggingface.co/TheBloke/Mistral-7B-Instruct-v0.2-GPTQ) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 32 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results ### Framework versions - PEFT 0.7.1 - Transformers 4.38.0.dev0 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
smangrul/mistral-dpo
smangrul
2024-01-27T21:27:50Z
2
0
peft
[ "peft", "tensorboard", "safetensors", "trl", "dpo", "generated_from_trainer", "base_model:mistralai/Mistral-7B-v0.1", "base_model:adapter:mistralai/Mistral-7B-v0.1", "license:apache-2.0", "region:us" ]
null
2024-01-27T13:59:43Z
--- license: apache-2.0 library_name: peft tags: - trl - dpo - generated_from_trainer base_model: mistralai/Mistral-7B-v0.1 model-index: - name: mistral-dpo results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # mistral-dpo This model is a fine-tuned version of [mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.5536 - Rewards/chosen: 0.2363 - Rewards/rejected: -0.3821 - Rewards/accuracies: 0.7095 - Rewards/margins: 0.6183 - Logps/rejected: -278.2731 - Logps/chosen: -292.0563 - Logits/rejected: -2.6610 - Logits/chosen: -2.7000 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-06 - train_batch_size: 2 - eval_batch_size: 4 - seed: 100 - gradient_accumulation_steps: 8 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - num_epochs: 1.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | Rewards/chosen | Rewards/rejected | Rewards/accuracies | Rewards/margins | Logps/rejected | Logps/chosen | Logits/rejected | Logits/chosen | |:-------------:|:-----:|:----:|:---------------:|:--------------:|:----------------:|:------------------:|:---------------:|:--------------:|:------------:|:---------------:|:-------------:| | 0.5093 | 1.0 | 625 | 0.5536 | 0.2363 | -0.3821 | 0.7095 | 0.6183 | -278.2731 | -292.0563 | -2.6610 | -2.7000 | ### Framework versions - PEFT 0.7.2.dev0 - Transformers 4.38.0.dev0 - Pytorch 2.1.2+cu121 - Datasets 2.15.0 - Tokenizers 0.15.1
bartowski/internlm2-chat-7b-llama-exl2
bartowski
2024-01-27T21:15:49Z
5
0
null
[ "text-generation", "license:other", "region:us" ]
text-generation
2024-01-27T19:20:37Z
--- pipeline_tag: text-generation license: other quantized_by: bartowski --- Update Jan 27: This has been redone with the proper token mappings and rope scaling, performance seems improved, please comment if not ## Exllama v2 Quantizations of internlm2-chat-7b-llama Using <a href="https://github.com/turboderp/exllamav2/releases/tag/v0.0.12">turboderp's ExLlamaV2 v0.0.12</a> for quantization. # The "main" branch only contains the measurement.json, download one of the other branches for the model (see below) Each branch contains an individual bits per weight, with the main one containing only the meaurement.json for further conversions. Original model: https://huggingface.co/bartowski/internlm2-chat-7b-llama/ | Branch | Bits | lm_head bits | VRAM (4k) | VRAM (16k) | VRAM (32k) | Description | | ----- | ---- | ------- | ------ | ------ | ------ | ------------ | | [8_0](https://huggingface.co/Bartowski/internlm2-chat-7b-llama-exl2/tree/8_0) | 8.0 | 8.0 | 8.4 GB | 9.8 GB | 11.8 GB | Maximum quality that ExLlamaV2 can produce, near unquantized performance. | | [6_5](https://huggingface.co/Bartowski/internlm2-chat-7b-llama-exl2/tree/6_5) | 6.5 | 8.0 | 7.2 GB | 8.6 GB | 10.6 GB | Very similar to 8.0, good tradeoff of size vs performance, **recommended**. | | [5_0](https://huggingface.co/Bartowski/internlm2-chat-7b-llama-exl2/tree/5_0) | 5.0 | 6.0 | 6.0 GB | 7.4 GB | 9.4 GB | Slightly lower quality vs 6.5, but usable on 8GB cards. | | [4_25](https://huggingface.co/Bartowski/internlm2-chat-7b-llama-exl2/tree/4_25) | 4.25 | 6.0 | 5.3 GB | 6.7 GB | 8.7 GB | GPTQ equivalent bits per weight, slightly higher quality. | | [3_5](https://huggingface.co/Bartowski/internlm2-chat-7b-llama-exl2/tree/3_5) | 3.5 | 6.0 | 4.7 GB | 6.1 GB | 8.1 GB | Lower quality, only use if you have to. | ## Download instructions With git: ```shell git clone --single-branch --branch 6_5 https://huggingface.co/bartowski/internlm2-chat-7b-llama-exl2 internlm2-chat-7b-llama-exl2-6_5 ``` With huggingface hub (credit to TheBloke for instructions): ```shell pip3 install huggingface-hub ``` To download the `main` (only useful if you only care about measurement.json) branch to a folder called `internlm2-chat-7b-llama-exl2`: ```shell mkdir internlm2-chat-7b-llama-exl2 huggingface-cli download bartowski/internlm2-chat-7b-llama-exl2 --local-dir internlm2-chat-7b-llama-exl2 --local-dir-use-symlinks False ``` To download from a different branch, add the `--revision` parameter: Linux: ```shell mkdir internlm2-chat-7b-llama-exl2-6_5 huggingface-cli download bartowski/internlm2-chat-7b-llama-exl2 --revision 6_5 --local-dir internlm2-chat-7b-llama-exl2-6_5 --local-dir-use-symlinks False ``` Windows (which apparently doesn't like _ in folders sometimes?): ```shell mkdir internlm2-chat-7b-llama-exl2-6.5 huggingface-cli download bartowski/internlm2-chat-7b-llama-exl2 --revision 6_5 --local-dir internlm2-chat-7b-llama-exl2-6.5 --local-dir-use-symlinks False ``` Want to support my work? Visit my ko-fi page here: https://ko-fi.com/bartowski
Akil15/finetune_llama_v_0.1
Akil15
2024-01-27T21:12:01Z
0
0
peft,sfttrainer
[ "peft,sfttrainer", "safetensors", "text-generation", "en", "dataset:Akil15/evol_20k_filter", "base_model:NousResearch/Llama-2-7b-chat-hf", "base_model:finetune:NousResearch/Llama-2-7b-chat-hf", "license:apache-2.0", "region:us" ]
text-generation
2024-01-26T20:51:03Z
--- library_name: peft,sfttrainer base_model: NousResearch/Llama-2-7b-chat-hf hub-id: Akil15/finetune_llama_v_0.1 license: apache-2.0 datasets: - Akil15/evol_20k_filter language: - en pipeline_tag: text-generation --- # Model Card for Model ID: This is a Supervised PEFT(Parameter Efficient Fine-Tuning) based tuning of the Llama model of base conversational type to a code-based chatbot using the alpaca Dataset and SFT Trainer. # Training: The model was trained under one epoch using SFT Trainer for up to 200 Steps by observing through significant gradient loss value (step-wise). # Training Args: { "num_train_epochs": 1, "fp16": false, "bf16": false, "per_device_train_batch_size": 4, "per_device_eval_batch_size": 4, "gradient_accumulation_steps": 4, "gradient_checkpointing": true, "max_grad_norm": 0.3, "learning_rate": 2e-4, "weight_decay": 0.001, "optim": "paged_adamw_32bit", "lr_scheduler_type": "cosine", "max_steps": -1, "warmup_ratio": 0.03, "group_by_length": true, "save_steps": 0, "logging_steps": 25, "base_lrs": [0.0002, 0.0002], "last_epoch": 199, "verbose": false, "_step_count": 200, "_get_lr_called_within_step": false, "_last_lr": [0.00019143163189119916, 0.00019143163189119916], "lr_lambdas": [{}, {}] } ## Usage: These configurations (trained weights) are injected into the base model using PeftModel.from_pretrained() method. ## Git-Repos: Refer to this Github repo for notebooks: https://github.com/mr-nobody15/codebot_llama/tree/main ### Framework versions: - PEFT 0.7.1
graizelle/phee_2
graizelle
2024-01-27T21:11:49Z
10
1
diffusers
[ "diffusers", "text-to-image", "stable-diffusion", "lora", "template:sd-lora", "base_model:cagliostrolab/animagine-xl-3.0", "base_model:adapter:cagliostrolab/animagine-xl-3.0", "license:openrail", "region:us" ]
text-to-image
2024-01-26T01:52:05Z
--- tags: - text-to-image - stable-diffusion - lora - diffusers - template:sd-lora widget: - text: '1girl, phee, looking at viewer, long blonde hair, green eyes, red dress, jewelery, masterpiece best quality, realistic, dramatic lighting' parameter: negative_prompt: >- lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry width=512, height=910, guidance_scale=5, num_inference_steps=30 example_title: phee output: url: images/phee_20240125213621_e000001_01.png - text: '1girl, phee, looking at viewer, long blonde hair, green eyes, red dress, jewelery, masterpiece best quality, realistic, dramatic lighting' output: url: images/phee_20240125221835_e000006_00.png - text: '1girl, phee, emo, looking at viewer, long blonde hair, black hoodie, shorts, masterpiece best quality, realistic, dramatic lighting' output: url: images/phee_20240125224025_e000010_00.png base_model: cagliostrolab/animagine-xl-3.0 instance_prompt: null license: openrail --- # phee 2 <Gallery /> ## Download model Weights for this model are available in Safetensors format. [Download](/graizelle/phee_2/tree/main) them in the Files & versions tab.
MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T21:09:54Z
49
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "openaccess-ai-collective/mistral-7b-slimorcaboros", "pytorch", "en", "dataset:Open-Orca/SlimOrca", "dataset:jondurbin/airoboros-3.1", "dataset:riddle_sense", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T21:01:05Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - openaccess-ai-collective/mistral-7b-slimorcaboros - pytorch - en - dataset:Open-Orca/SlimOrca - dataset:jondurbin/airoboros-3.1 - dataset:riddle_sense - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./mistral-7b-slimorcaboros-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
graizelle/phee_3
graizelle
2024-01-27T21:06:54Z
6
1
diffusers
[ "diffusers", "text-to-image", "stable-diffusion", "lora", "template:sd-lora", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail", "region:us" ]
text-to-image
2024-01-26T03:14:29Z
--- tags: - text-to-image - stable-diffusion - lora - diffusers - template:sd-lora base_model: stabilityai/stable-diffusion-xl-base-1.0 widget: - text: 1girl, phee, emo, looking at viewer, long pink hair, black hoodie, shorts, masterpiece best quality, realistic, dramatic lighting parameter: negative_prompt: >- lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry width=512, height=910, guidance_scale=5, num_inference_steps=30 example_title: phee parameters: negative_prompt: worse quality output: url: images/phee_20240125224025_e000010_00.png - text: 1girl, phee, looking at viewer, long blonde hair, black dress, jewelery, masterpiece best quality, realistic, dramatic lighting parameters: negative_prompt: worse quality output: url: images/phee_20240125223146_e000001_01.png - text: 1girl, phee, scene girl, looking at viewer, long blonde hair, magenta tank top, skirt, masterpiece best quality, realistic, dramatic lighting parameters: negative_prompt: worse quality output: url: images/phee_20240125223425_e000004_00.png instance_prompt: phee license: openrail --- # Phee 3 <Gallery /> ## Trigger words You should use `phee` to trigger the image generation. ## Download model Weights for this model are available in Safetensors format. [Download](/graizelle/phee_3/tree/main) them in the Files & versions tab.
sevvalkapcak/newModel
sevvalkapcak
2024-01-27T21:05:09Z
1
0
transformers
[ "transformers", "tf", "distilbert", "text-classification", "generated_from_keras_callback", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T19:27:02Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_keras_callback model-index: - name: sevvalkapcak/newModel results: [] --- <!-- This model card has been generated automatically according to the information Keras had access to. You should probably proofread and complete it, then remove this comment. --> # sevvalkapcak/newModel This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Train Loss: 0.0146 - Validation Loss: 0.7180 - Train Accuracy: 0.909 - Epoch: 37 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - optimizer: {'name': 'Adam', 'weight_decay': None, 'clipnorm': None, 'global_clipnorm': None, 'clipvalue': None, 'use_ema': False, 'ema_momentum': 0.99, 'ema_overwrite_frequency': None, 'jit_compile': True, 'is_legacy_optimizer': False, 'learning_rate': 5e-05, 'beta_1': 0.9, 'beta_2': 0.999, 'epsilon': 1e-07, 'amsgrad': False} - training_precision: float32 ### Training results | Train Loss | Validation Loss | Train Accuracy | Epoch | |:----------:|:---------------:|:--------------:|:-----:| | 0.0133 | 0.6573 | 0.901 | 0 | | 0.0135 | 0.7314 | 0.9065 | 1 | | 0.0104 | 0.6544 | 0.913 | 2 | | 0.0148 | 0.7763 | 0.9035 | 3 | | 0.0171 | 0.7110 | 0.9055 | 4 | | 0.0121 | 0.7075 | 0.9015 | 5 | | 0.0126 | 0.7461 | 0.8945 | 6 | | 0.0212 | 0.7539 | 0.9035 | 7 | | 0.0183 | 0.7842 | 0.9005 | 8 | | 0.0192 | 0.7431 | 0.901 | 9 | | 0.0224 | 0.6014 | 0.9065 | 10 | | 0.0168 | 0.6000 | 0.914 | 11 | | 0.0133 | 0.6241 | 0.9125 | 12 | | 0.0097 | 0.6747 | 0.9075 | 13 | | 0.0122 | 0.7352 | 0.908 | 14 | | 0.0123 | 0.8061 | 0.905 | 15 | | 0.0139 | 0.7254 | 0.8985 | 16 | | 0.0120 | 0.6856 | 0.903 | 17 | | 0.0175 | 0.6727 | 0.905 | 18 | | 0.0155 | 0.6912 | 0.9055 | 19 | | 0.0192 | 0.7535 | 0.903 | 20 | | 0.0206 | 0.7428 | 0.8995 | 21 | | 0.0108 | 0.7883 | 0.8965 | 22 | | 0.0159 | 0.7443 | 0.8885 | 23 | | 0.0238 | 0.7381 | 0.8935 | 24 | | 0.0167 | 0.7888 | 0.901 | 25 | | 0.0207 | 0.7062 | 0.899 | 26 | | 0.0148 | 0.7670 | 0.9065 | 27 | | 0.0177 | 0.6694 | 0.8925 | 28 | | 0.0157 | 0.7312 | 0.9045 | 29 | | 0.0145 | 0.6551 | 0.905 | 30 | | 0.0188 | 0.7582 | 0.906 | 31 | | 0.0136 | 0.7531 | 0.9085 | 32 | | 0.0119 | 0.7965 | 0.8905 | 33 | | 0.0069 | 0.8430 | 0.901 | 34 | | 0.0100 | 0.7795 | 0.8975 | 35 | | 0.0100 | 0.9567 | 0.889 | 36 | | 0.0146 | 0.7180 | 0.909 | 37 | ### Framework versions - Transformers 4.35.2 - TensorFlow 2.15.0 - Datasets 2.16.1 - Tokenizers 0.15.1
jlbaker361/dcgan-wikiart500-clip
jlbaker361
2024-01-27T20:57:33Z
0
0
null
[ "region:us" ]
null
2024-01-25T16:32:15Z
--- {} --- Creative Adversarial Network epochs: 100 dataset jlbaker361/wikiart-balanced500 n classes 27 batch_size 128 images where resized to 512 and then center cropped to: 512 used clip=True discriminator parameters: init_dim: 32 final_dim 512 generator parameters: input noise_dim: 100
namirocks/vicuna-tutor-shishya-model-7b-ep3
namirocks
2024-01-27T20:51:59Z
45
0
transformers
[ "transformers", "pytorch", "llama", "text-generation", "arxiv:2305.13272", "license:llama2", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T20:43:05Z
--- license: llama2 --- If you use this work, please cite: CLASS Meet SPOCK: An Education Tutoring Chatbot based on Learning Science Principles https://arxiv.org/abs/2305.13272 ``` @misc{sonkar2023class, title={CLASS Meet SPOCK: An Education Tutoring Chatbot based on Learning Science Principles}, author={Shashank Sonkar and Lucy Liu and Debshila Basu Mallick and Richard G. Baraniuk}, year={2023}, eprint={2305.13272}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
ShieldX/manovyadh-1.1B-v1-chat
ShieldX
2024-01-27T20:51:53Z
112
1
transformers
[ "transformers", "tensorboard", "safetensors", "llama", "text-generation", "medical", "trl", "trainer", "conversational", "en", "dataset:ShieldX/manovyadh-3.5k", "arxiv:1910.09700", "base_model:TinyLlama/TinyLlama-1.1B-Chat-v1.0", "base_model:finetune:TinyLlama/TinyLlama-1.1B-Chat-v1.0", "license:apache-2.0", "model-index", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-26T08:17:33Z
--- library_name: transformers tags: - medical - trl - trainer license: apache-2.0 thumbnail: https://huggingface.co/ShieldX/manovyadh-1.1B-v1-chat/blob/main/manovyadh.png datasets: - ShieldX/manovyadh-3.5k language: - en metrics: - accuracy pipeline_tag: text-generation base_model: TinyLlama/TinyLlama-1.1B-Chat-v1.0 widget: - text: > ###SYSTEM: You are an AI assistant that helps people cope with stress and improve their mental health. User will tell you about their feelings and challenges. Your task is to listen empathetically and offer helpful suggestions. While responding, think about the user’s needs and goals and show compassion and support ###USER: I don't know how to tell someone how I feel about them. How can I get better at expressing how I feel?? ###ASSISTANT: model-index: - name: manovyadh-1.1B-v1-chat results: - task: type: text-generation dataset: name: ai2_arc type: arc metrics: - name: pass@1 type: pass@1 value: 35.92 source: name: Open LLM Leaderboard url: https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard - task: type: text-generation dataset: name: hellaswag type: hellaswag metrics: - name: pass@1 type: pass@1 value: 60.03 source: name: Open LLM Leaderboard url: https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard - task: type: text-generation dataset: name: truthful_qa type: truthful_qa metrics: - name: pass@1 type: pass@1 value: 39.17 source: name: Open LLM Leaderboard url: https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard - task: type: text-generation dataset: name: winogrande type: winogrande metrics: - name: pass@1 type: pass@1 value: 61.09 source: name: Open LLM Leaderboard url: https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard --- # Uploaded model - **Developed by:** ShieldX - **License:** apache-2.0 - **Finetuned from model :** TinyLlama/TinyLlama-1.1B-Chat-v1.0 <style> img{ width: 40vw; height: auto; margin: 0 auto; display: flex; align-items: center; justify-content: center; } </style> # ShieldX/manovyadh-1.1B-v1 Introducing ManoVyadh, A finetuned version of TinyLlama 1.1B Chat on Mental Health Counselling Dataset. <img class="custom-image" src="manovyadh.png" alt="BongLlama"> # Model Details ## Model Description ManoVyadh is a LLM for mental health counselling. # Uses ## Direct Use - base model for further finetuning - for fun ## Downstream Use - can be deployed with api - used to create webapp or app to show demo ## Out-of-Scope Use - cannot be used for production purpose - not to be applied in real life health purpose - cannot be used to generate text for research or academic purposes # Usage ``` # Load model directly from transformers import AutoTokenizer, AutoModelForCausalLM, AutoConfig tokenizer = AutoTokenizer.from_pretrained("ShieldX/manovyadh-1.1B-v1-chat") model = AutoModelForCausalLM.from_pretrained("ShieldX/manovyadh-1.1B-v1-chat").to("cuda") config = AutoConfig.from_pretrained("ShieldX/manovyadh-1.1B-v1-chat") def format_prompt(q): return f"""###SYSTEM: You are an AI assistant that helps people cope with stress and improve their mental health. User will tell you about their feelings and challenges. Your task is to listen empathetically and offer helpful suggestions. While responding, think about the user’s needs and goals and show compassion and support ###USER: {q} ###ASSISTANT:""" prompt = format_prompt("I've never been able to talk with my parents. My parents are in their sixties while I am a teenager. I love both of them but not their personalities. I feel that they do not take me seriously whenever I talk about a serious event in my life. If my dad doesn’t believe me, then my mom goes along with my dad and acts like she doesn’t believe me either. I’m a pansexual, but I can’t trust my own parents. I've fought depression and won; however, stress and anxiety are killing me. I feel that my friends don't listen to me. I know they have their own problems, which I do my best to help with. But they don't always try to help me with mine, when I really need them. I feel as if my childhood has been taken from me. I feel as if I have no one whom I can trust.") import torch from transformers import GenerationConfig, TextStreamer from time import perf_counter # Check for GPU availability if torch.cuda.is_available(): device = "cuda" else: device = "cpu" # Move model and inputs to the GPU (if available) model.to(device) inputs = tokenizer(prompt, return_tensors="pt").to(device) streamer = TextStreamer(tokenizer) generation_config = GenerationConfig( penalty_alpha=0.6, do_sample=True, top_k=5, temperature=0.5, repetition_penalty=1.2, max_new_tokens=256, streamer=streamer, pad_token_id=tokenizer.eos_token_id ) start_time = perf_counter() outputs = model.generate(**inputs, generation_config=generation_config) print(tokenizer.decode(outputs[0], skip_special_tokens=True)) output_time = perf_counter() - start_time print(f"Time taken for inference: {round(output_time, 2)} seconds") ``` # Bias, Risks, and Limitations Significant research has explored bias and fairness issues with language models (see, e.g., [Sheng et al. (2021)](https://aclanthology.org/2021.acl-long.330.pdf) and [Bender et al. (2021)](https://dl.acm.org/doi/pdf/10.1145/3442188.3445922)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups. # Training Details # Model Examination We will be further finetuning this model on large dataset to see how it performs # Environmental Impact Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** 1 X Tesla T4 - **Hours used:** 0.48 - **Cloud Provider:** Google Colab - **Compute Region:** India # Technical Specifications ## Model Architecture and Objective Finetuned on Tiny-Llama 1.1B Chat model ### Hardware 1 X Tesla T4 # training This model is a fine-tuned version of [TinyLlama/TinyLlama-1.1B-Chat-v1.0](https://huggingface.co/TinyLlama/TinyLlama-1.1B-Chat-v1.0) on [ShieldX/manovyadh-3.5k](https://huggingface.co/datasets/ShieldX/manovyadh-3.5k) dataset. It achieves the following results on the evaluation set: - Loss: 1.8587 ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2.5e-05 - train_batch_size: 2 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 4 - total_train_batch_size: 8 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - training_steps: 400 - mixed_precision_training: Native AMP - ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.5894 | 0.01 | 5 | 2.5428 | | 2.5283 | 0.02 | 10 | 2.5240 | | 2.5013 | 0.03 | 15 | 2.5033 | | 2.378 | 0.05 | 20 | 2.4770 | | 2.3735 | 0.06 | 25 | 2.4544 | | 2.3894 | 0.07 | 30 | 2.4335 | | 2.403 | 0.08 | 35 | 2.4098 | | 2.3719 | 0.09 | 40 | 2.3846 | | 2.3691 | 0.1 | 45 | 2.3649 | | 2.3088 | 0.12 | 50 | 2.3405 | | 2.3384 | 0.13 | 55 | 2.3182 | | 2.2577 | 0.14 | 60 | 2.2926 | | 2.245 | 0.15 | 65 | 2.2702 | | 2.1389 | 0.16 | 70 | 2.2457 | | 2.1482 | 0.17 | 75 | 2.2176 | | 2.1567 | 0.18 | 80 | 2.1887 | | 2.1533 | 0.2 | 85 | 2.1616 | | 2.0629 | 0.21 | 90 | 2.1318 | | 2.1068 | 0.22 | 95 | 2.0995 | | 2.0196 | 0.23 | 100 | 2.0740 | | 2.062 | 0.24 | 105 | 2.0461 | | 1.9436 | 0.25 | 110 | 2.0203 | | 1.9348 | 0.26 | 115 | 1.9975 | | 1.8803 | 0.28 | 120 | 1.9747 | | 1.9108 | 0.29 | 125 | 1.9607 | | 1.7826 | 0.3 | 130 | 1.9506 | | 1.906 | 0.31 | 135 | 1.9374 | | 1.8745 | 0.32 | 140 | 1.9300 | | 1.8634 | 0.33 | 145 | 1.9232 | | 1.8561 | 0.35 | 150 | 1.9183 | | 1.8371 | 0.36 | 155 | 1.9147 | | 1.8006 | 0.37 | 160 | 1.9106 | | 1.8941 | 0.38 | 165 | 1.9069 | | 1.8456 | 0.39 | 170 | 1.9048 | | 1.8525 | 0.4 | 175 | 1.9014 | | 1.8475 | 0.41 | 180 | 1.8998 | | 1.8255 | 0.43 | 185 | 1.8962 | | 1.9358 | 0.44 | 190 | 1.8948 | | 1.758 | 0.45 | 195 | 1.8935 | | 1.7859 | 0.46 | 200 | 1.8910 | | 1.8412 | 0.47 | 205 | 1.8893 | | 1.835 | 0.48 | 210 | 1.8875 | | 1.8739 | 0.49 | 215 | 1.8860 | | 1.9397 | 0.51 | 220 | 1.8843 | | 1.8187 | 0.52 | 225 | 1.8816 | | 1.8174 | 0.53 | 230 | 1.8807 | | 1.8 | 0.54 | 235 | 1.8794 | | 1.7736 | 0.55 | 240 | 1.8772 | | 1.7429 | 0.56 | 245 | 1.8778 | | 1.8024 | 0.58 | 250 | 1.8742 | | 1.8431 | 0.59 | 255 | 1.8731 | | 1.7692 | 0.6 | 260 | 1.8706 | | 1.8084 | 0.61 | 265 | 1.8698 | | 1.7602 | 0.62 | 270 | 1.8705 | | 1.7751 | 0.63 | 275 | 1.8681 | | 1.7403 | 0.64 | 280 | 1.8672 | | 1.8078 | 0.66 | 285 | 1.8648 | | 1.8464 | 0.67 | 290 | 1.8648 | | 1.7853 | 0.68 | 295 | 1.8651 | | 1.8546 | 0.69 | 300 | 1.8643 | | 1.8319 | 0.7 | 305 | 1.8633 | | 1.7908 | 0.71 | 310 | 1.8614 | | 1.738 | 0.72 | 315 | 1.8625 | | 1.8868 | 0.74 | 320 | 1.8630 | | 1.7744 | 0.75 | 325 | 1.8621 | | 1.8292 | 0.76 | 330 | 1.8609 | | 1.7905 | 0.77 | 335 | 1.8623 | | 1.7652 | 0.78 | 340 | 1.8610 | | 1.8371 | 0.79 | 345 | 1.8611 | | 1.7024 | 0.81 | 350 | 1.8593 | | 1.7328 | 0.82 | 355 | 1.8593 | | 1.7376 | 0.83 | 360 | 1.8606 | | 1.747 | 0.84 | 365 | 1.8601 | | 1.7777 | 0.85 | 370 | 1.8602 | | 1.8701 | 0.86 | 375 | 1.8598 | | 1.7165 | 0.87 | 380 | 1.8579 | | 1.779 | 0.89 | 385 | 1.8588 | | 1.8536 | 0.9 | 390 | 1.8583 | | 1.7263 | 0.91 | 395 | 1.8582 | | 1.7983 | 0.92 | 400 | 1.8587 | ### Framework versions - PEFT 0.7.1 - Transformers 4.37.1 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1 # Citation <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** ``` @misc{ShieldX/manovyadh-1.1B-v1-chat, url={[https://huggingface.co/ShieldX/manovyadh-1.1B-v1-chat](https://huggingface.co/ShieldX/manovyadh-1.1B-v1-chat)}, title={ManoVyadh}, author={Rohan Shaw}, year={2024}, month={Jan} } ``` # Model Card Authors ShieldX a.k.a Rohan Shaw # Model Card Contact email : [email protected]
flutter-painter/nllb-fra-fuf-v2
flutter-painter
2024-01-27T20:45:57Z
125
1
transformers
[ "transformers", "pytorch", "m2m_100", "text2text-generation", "translation", "ff", "fr", "license:cc-by-nc-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
translation
2024-01-27T09:43:24Z
--- license: cc-by-nc-4.0 language: - ff - fr metrics: - bleu tags: - translation --- This is a NLLB-200-600M model fine-tuned for translation between French and Fula languages following the unprecedented example shared by slone. - Fula only covers Guinea / Futa Djalon, not all kinds of fula. - Dataset = Bible + Quran + Dictionaries and bits, see https://github.com/refacto-org/MaLiNaLi - bleu fra-fuf = 16 - bleu fuf-fra = 15
badokorach/roberta-base-squad2-agric-060124
badokorach
2024-01-27T20:32:01Z
1
0
transformers
[ "transformers", "tf", "xlm-roberta", "question-answering", "generated_from_keras_callback", "base_model:badokorach/afriqa_afroxlmr_squad_v2_060124", "base_model:finetune:badokorach/afriqa_afroxlmr_squad_v2_060124", "license:mit", "endpoints_compatible", "region:us" ]
question-answering
2024-01-06T01:47:53Z
--- license: mit base_model: badokorach/afriqa_afroxlmr_squad_v2_060124 tags: - generated_from_keras_callback model-index: - name: badokorach/roberta-base-squad2-agric-060124 results: [] --- <!-- This model card has been generated automatically according to the information Keras had access to. You should probably proofread and complete it, then remove this comment. --> # badokorach/roberta-base-squad2-agric-060124 This model is a fine-tuned version of [badokorach/afriqa_afroxlmr_squad_v2_060124](https://huggingface.co/badokorach/afriqa_afroxlmr_squad_v2_060124) on an unknown dataset. It achieves the following results on the evaluation set: - Train Loss: 1.0741 - Validation Loss: 0.0 - Epoch: 4 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - optimizer: {'name': 'AdamWeightDecay', 'learning_rate': {'module': 'keras.optimizers.schedules', 'class_name': 'PolynomialDecay', 'config': {'initial_learning_rate': 4e-05, 'decay_steps': 555, 'end_learning_rate': 0.0, 'power': 1.0, 'cycle': False, 'name': None}, 'registered_name': None}, 'decay': 0.0, 'beta_1': 0.9, 'beta_2': 0.999, 'epsilon': 1e-08, 'amsgrad': False, 'weight_decay_rate': 0.02} - training_precision: mixed_float16 ### Training results | Train Loss | Validation Loss | Epoch | |:----------:|:---------------:|:-----:| | 2.0532 | 0.0 | 0 | | 1.8311 | 0.0 | 1 | | 1.6644 | 0.0 | 2 | | 1.3868 | 0.0 | 3 | | 1.0741 | 0.0 | 4 | ### Framework versions - Transformers 4.35.2 - TensorFlow 2.15.0 - Datasets 2.16.1 - Tokenizers 0.15.1
LoneStriker/Air-Striker-Mixtral-8x7B-Instruct-ZLoss-AWQ
LoneStriker
2024-01-27T20:31:29Z
3
0
transformers
[ "transformers", "safetensors", "mixtral", "text-generation", "mergekit", "merge", "conversational", "en", "dataset:jondurbin/airoboros-3.2", "arxiv:2203.05482", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "4-bit", "awq", "region:us" ]
text-generation
2024-01-27T20:09:44Z
--- inference: false language: - en library_name: transformers pipeline_tag: text-generation tags: - mixtral - mergekit - merge license: apache-2.0 datasets: - jondurbin/airoboros-3.2 --- # Air-Striker-Mixtral-8x7B-Instruct-ZLoss Experimental model, trained using config and [Transformers/Axolotl](https://github.com/DocShotgun/axolotl) forks provided by [Doctor-Shotgun](https://huggingface.co/Doctor-Shotgun) Model was fine-tuned from [Mixtral-8x7B-v0.1](https://huggingface.co/mistralai/Mixtral-8x7B-v0.1) with airoboros-3.2 dataset, for 4 epochs, ChatML prompt format at 8K context length. Additionally, model was then merged with [Mixtral-8x7B-Instruct-v0.1](https://huggingface.co/mistralai/Mixtral-8x7B-Instruct-v0.1): --- This is a merge of pre-trained language models created using [mergekit](https://github.com/cg123/mergekit). ## Merge Details ### Merge Method This model was merged using the [linear](https://arxiv.org/abs/2203.05482) merge method. ### Models Merged The following models were included in the merge: * mistralai/Mixtral-8x7B-Instruct-v0.1 * LoneStriker/Air-Striker-Mixtral-8x7B-ZLoss ### Configuration The following YAML configuration was used to produce this model: ```yaml models: - model: mistralai/Mixtral-8x7B-Instruct-v0.1 parameters: weight: 0.5 - model: LoneStriker/Air-Striker-Mixtral-8x7B-ZLoss parameters: weight: 0.5 merge_method: linear dtype: bfloat16 ```
svorwerk/setfit-fine-tuned-demo-class_hpo
svorwerk
2024-01-27T20:31:24Z
49
0
setfit
[ "setfit", "safetensors", "mpnet", "sentence-transformers", "text-classification", "generated_from_setfit_trainer", "arxiv:2209.11055", "base_model:sentence-transformers/all-mpnet-base-v2", "base_model:finetune:sentence-transformers/all-mpnet-base-v2", "region:us" ]
text-classification
2024-01-27T19:47:57Z
--- library_name: setfit tags: - setfit - sentence-transformers - text-classification - generated_from_setfit_trainer metrics: - accuracy widget: - text: 'Acquisition Id: ALOG; Ancotel; Asia Tone; Bit-Isle; IXEurope; Infomart; Itconic; OGS; SafeGuard; Switch and Data; Telecity; Verizon; Virtu; Zenium; nan' - text: 'Emp_FLSA: E; N; P; V; X; nan' - text: 'Emp Grade: A; AA; AS 1; AS1; AS2; AS3; B; C; COM; D; E; E I; E II; E10; E11; E12; E13; E7; E8; E9; J01; J02; J03; J04; JS; MM I; MM II; N01; N02; N03; N05; N06; N07; N08; NE 2; NE 3; NE 4; NE 5; NE 6; NE1; NE2; NE3; NE4; NF; NG; Non-exempt; S; SA I; SA II; SA III; SA4; SA5; SE I; SE II; SM I; SM II; SP; SS; nan' - text: 'Loc State: AB; AL; AR; AZ; BC; CA; CO; CT; DC; DE; FL; GA; GTL; GTM; Gujarat; HI; IA; ID; IL; IN; KS; KY; Karnataka; LA; MA; MD; ME; MI; MN; MO; MS; MT; Maharashtra; NB; NC; ND; NE; NH; NJ; NM; NS; NV; NY; OH; OK; ON; OR; PA; PR; QC; RI; SA; SC; SD; TN; TX; UT; VA; VT; WA; WI; WV; WY; nan' - text: 'Supervisory Organization: 3 PL & Warehousing Management (Harald Dehe); 3 PL Management (Ryoichi Imamura (Inherited)); 3A-Modul (Arnd Vollmerhausen (Inherited)); 3A-Modul (Erkan nder); 3A-Modul (Erkan √ñnder); ABN ( Antibodies/NAT) (Thomas Roten); AD&V - Assay Development & Validation (Svenja Wolff); AESD Aurora Build Elec & Warehouse (Chris Askitis); AM Ural, Siberia & Far East (Anna Tov); AM Volga & South (Natalia Ivanova); ANI Region ICO (Ivaylo Vladimirov); APAC Payroll (Rohit Jain); API Manufacturing (Luke McIntyre); API Manufacturing (Ryan Cox (Inherited)); API Manufacturing (Union) (Luke McIntyre (Inherited)); API Manufacturing (Union) (Ryan Cox (Inherited)); AQL (Jens Huft); AS&T (Jeff Hancock); ASQ Analytical Sciences & Technology (Michael Sch√ºmann); ASQ Biochemistry (Sven Karschnia); ASQ Chemistry (Kerstin Nske); ASQ Chemistry (Kerstin N√∂ske); ASQ Compliance & Release (Angelika Jung); ASQ Data Integrity (Christoph Kircher); ASQ External Materials & Support (Angelika Jung); ASQ External Materials & Support (Simone Lang); ASQ Microbiology (Thomas Bhler); ASQ Microbiology (Thomas B√ºhler); ASQ Potency (Sven Karschnia); ASQ Potency (Volker Gawantka (Inherited)); ATR Financial Planning (John Sullivan); ATR General Accounting (Tanja Roth); AUS Government & Media Relations (Sharon McHale); Abfllteam 1 (Heiko Brhl); Abfllteam 2 (Sorin Suditu); Abfllteam 3 (Dirk Fischer); Abfllteam 4 (Heiko Stein); Abfllteam 5 (Eduard Wegner); Abfllteam 6 (Maik Jesberg); Abfllteam 8 (Murat Midik); Abf√ºllteam 1 (Heiko Br√ºhl); Abf√ºllteam 2 (Sorin Suditu); Abf√ºllteam 3 (Dirk Fischer); Abf√ºllteam 4 (Heiko Stein); Abf√ºllteam 5 (Eduard Wegner); Abf√ºllteam 6 (Maik Jesberg); Abf√ºllteam 7 (Holger Kuhl (On Leave)); Abf√ºllteam 7 (Holger Kuhl); Abf√ºllteam 8 (Murat Midik); Abilene 701 (Ophelia M Cavalier); Abilene 701 (Sara M Schuppe); Abilene 701 ACM Area 1 (Traci Bradford); Abilene 701 ACM Area 2 (Joel Hutsell); Abilene 701 QA (Wes Scruggs); Account to Report (Andrew Croft (Inherited)); Account to Report (Linda Carducci (Inherited)); Account to Report (Michael Kochanski); Accounting & Reporting (Jeffrey H Schorr); Accounting (Annalisa Saracchi (Inherited)); Accounting (Paul Fellingham (Inherited)); Accounting France (Charlotte Rougi (Inherited)); Accounting France (Charlotte Rougi√© (Inherited)); Accounting Geschftsbuchhaltung (Jens Dettbarn); Accounting Gesch√§ftsbuchhaltung (Jens Dettbarn); Accounting Operations (Brian T Simeur); Accounting Operations (Denna DeWitt); Accounting Operations (Manish Devnani); Accounting Operations (Patrick Zuercher); Accounting Operations 1 (Denna DeWitt); Accounts Payable & Receivable (Yvonne Robson); Accounts Payable (Brian T Simeur (Inherited)); Accounts Payable (Mark Staniford); Accounts Payable (Susan Velazquez); Accounts Receivable (Stephen Fairhurst); Accounts Team Lead (Rebecca Merrett); Acquired Bleeding & Critical Care Group (Mitsuhiro Kuwahara); Acquired Bleeding & Critical Care Group (Takashi Ishijima ??? ?? - ???? ????); Acquired Bleeding TA (Naoki Ikeguchi); Acting Manager, Innovation R&D (Chi Ong); Adaptive Clinical Trial Technologies (Liz Quinlan); Administration (Franz Gr√ºn); Administration (Juli Zhu ????); Administration (Sandy Tan ); Administration (Sandy Tan ?????); Administration Italy (Antonella Carluccio); Administration Italy (Cristina Fabbro); Administration/Production Support Subject Matter Expert (Justin Ryan); Administration/Production Support Systems Officer (Adam Kraan); Advertising (Raimund Wybranietz); Akron 402 (Joe Jacko); Akron 402 ACM Area 1 (LeAnna M Mauger); Akron 402 ACM Area 2 (Tonya R Robinson); Akron 402 ACM Area 3 (Brett Ferrell); Akron 402 QA (Carrie Piggford); Akron 402 QA (Christine Thomas); Akron 402 QA (Esence Hambrick); AlbuRX (Tom Hubert); AlbuRx (Barry Lynch); AlbuRx Bulk (Aoife Corrigan); AlbuRx Bulk Mfg (Joel Rainey); AlbuRx Packing (Carlo Volpe); Albumin & IVIG Lyo Bulkmanufacturin (Irne Stempfel); Albumin & IVIG Lyo Bulkmanufacturin (Ir√®ne Stempfel); Albumin (Fritz Rentsch); Albumin (Juerg Hofmaenner); Albumin Bulk Team 1 (Fritz Rentsch); Albumin Bulk Team 2 (Andreas L√ºdi); Albuquerque 034 (Latoya K Gilbert-Torres); Albuquerque 034 ACM Area 1 (Dee Ulibarri); Albuquerque 034 ACM Area 2 (Gerardo Ruelas); Albuquerque 034 QA (Antoinette F Tapia); Albuquerque 137 (Preston W Minor); Albuquerque 137 ACM Area 1 (Brian Trujillo); Albuquerque 137 ACM Area 2 (Melisa R Cox); Albuquerque 137 QA (Daniel Venn); Albuquerque 137 QA (Danny Kinder); Albuquerque 137 QA (Kelsey Gaffney); Alcohol Inventory (Union) (Michael D Proctor); Allentown 294 (Susan Tudela); Allentown 294 QA (Mercy Cobbinah); Allergy National Sales Team (Lea Leon); Allergy National Sales Team (Lea Rajendran); Alliance and Governance (Andrea Lehmann); Alliance and Project Management Systems (Jos√© Maldonado); Amarillo 283 (Jerica Hunter); Amarillo 283 ACM Area 1 (Nicole Taylor); Amarillo 283 ACM Area 1 (ROBERT WILLIAMS); Amarillo 283 ACM Area 2 (Nicole Taylor); Amarillo 283 ACM Area 2 (ROBERT WILLIAMS); Amarillo 283 QA (Michael L Allen); America''s Service Desk (Delilah Harden); Americas HR Ops Tier 1 (Alana DeWeever); Americas HR Ops Tier 1 (Monica Silveira); Americas Service Delivery and Plasma Tech (David G Bersch); Americas Service Operations (Mary Jane McPherson); Analytical Development (Jayendra Shankar); Analytical Drug Product Development (Jiang Qian); Analytical Science & Technology (Oliver Lffler); Analytical Science & Technology (Oliver L√∂ffler); Analytical Science & Technology Holly Springs (Jeffrey Pederson (Inherited)); Analytical Science & Technology Holly Springs (Jessica Gambill); Analytical Science & Technology Liverpool (Jeff Hancock); Analytical Science & Technology Liverpool (Jeffrey Hancock); Analytical Science & Technology Parkville (Tim Karla); Analytical Services Quality (Simone Naruhn); Analytical Services Quality (Volker Gawantka); Analytical Software Technology 2 (Jan Bursy); Analytics R&D (Patrick Schuetz); Animal Services Manager (Phil Franchina); Animal Services Manager (Rachel Borg, Phil Franchina); Animal facility 2 (Elmar Raquet); Anlagensicherheit & Konzessionen (Jrgen Arnold); Anlagensicherheit & Konzessionen (J√ºrgen Arnold); Application Security (Riti Arya); Applications, Plateau (Mark S Mantarian); Applications, Plateau (Trevor Alcorn); Applications, Plateau I (Trevor Alcorn); Apprentices (Kevin Liechti); Apprentices and Trainees ES (Rolf Isenschmid); Apprenticeship (Sandra Zbinden); ArbEG (Beate Binsack); Arbeitssicherheit (zcan Campinar (Inherited)); Arbeitssicherheit (√ñzcan Campinar (Inherited)); Area Business Manager 725 (Danielle Traum); Area Business Manager 725 (Eva Merce Maldonado); Area Business Manager 725 (Nick Croton); Area Business Manager 726 (Cameron McCulloch); Area Business Manager 728 (Graham Cluley); Area Business Manager 781 (Danielle Traum); Area Business Manager 781 (Helen Kostopoulos); Area Business Manager 783 (Melissa Weier); Area Business Manager 785 (David Clapin); Area Business Manager 786 (David Brown); Area Business Manager 786 (Peter Moxham); Area Innovation Operations (Cole D Kimple); Argentina Cluster (Carmen Pereyra (Inherited)); Argentina Cluster (Carmen Rosa Pereyra Davila (Inherited)); Artwork Packaging (Ratana Lim); Arvada 129 (Colleen A Irish); Arvada 129 ACM Area 1 (Robert Young); Arvada 129 ACM Area 2 (Jason T Studtmann); Arvada 129 QA (Alfredo Castillo (On Leave)); Arvada 129 QA (Alfredo Castillo); Aseptic Cert (Anja Djordjevich); Aseptic Cert (Grace Luong); Aseptic Filling (Benjamin Dudok); Aseptic Filling I (Eveline Kindler (Inherited)); Aseptic Filling Team (Terry Shipway); Aseptic Processing & SIAG (Laurent Wagner); Aseptic Processing & SIAG (Steffen Korth); Asia Operations (Felix Soh); Asia Operations (Richard Kwan ?????); Asia Pacific Tax (Aoife Deane); Asia Pacific Tax (JOON YONG); Asia South Marketing (Natalie Ku); Asia South Medical Affairs (Narendra Patil); Asia-Pacific Business Integrity (Angelia Lee); Asia-Pacific Commercial Operations (Paul Li); Asia-Pacific Demand Planning (James Lee ?????); Asia-Pacific Marketing and Medical Affairs (Peter Chow); Asia/Pac Service Operations (Joe Razavi); Asia/Pac Tech (Juerg Clavadetscher (Inherited)); Assay Development and Analytics, Gene Therapy, Flow Cytometry (Ann George); Assay Development and Optimization I (Mirna Rapp); Assay Development and Optimization II (Rainer Straub); Assay Support Group (Stefan Kempf); Asset Compliance (Keith Champion); Assets Management and Governance (Stefano Siviero); Assistant Supply Chain Management (Manuela Lacher); Associate Director, R&D Ops (Christine Wadey); Associate Sales Director 798 (Ray Friedrich); Auburn 183 (Cherita Saulmarshall); Auburn 183 (Joshua Killingsworth); Auburn 183 ACM Area 1 (Tiffany Johnson); Auburn 183 ACM Area 2 (Ashley Bentley); Auburn 183 QA (Melodee C Ebel (Inherited)); Auburn 183 QA (Stephanie Baptiste); Auburn 183 QA (Timothy J Nisewonger); Audit & Compliance Management (Christina Berninger); Audit & Quality Risk Management (Christina Berninger); Audit & Quality Risk Management (Rainer Bier); Auditing and Inspections (Jenny Cavanagh); Auftragsvorbereitung & -koordination (Horst Kraus); Augusta 253 (Kristopher Collier); Augusta 253 ACM Area 1 (Kristopher Collier (Inherited)); Augusta 253 ACM Area 1 (Tomecia Tillman); Augusta 253 ACM Area 2 (Jonathan Lewis); Augusta 253 QA (Dave Anderson); Augusta 253 QA (Pamela DeLucia); Aurora 702 (Kevin J Lawley); Aurora 702 (Keyonna L Gray); Aurora 702 ACM Area 1 (Virginia L Garnica); Aurora 702 ACM Area 2 (Theresa M Couture); Aurora 702 QA (Fernanda Nistal); Aurora 702 QA (Nan Nistal); Automated VI (David Kuhs); Automation (Adrian Marti); Automation (Christopher Parlane); Automation (Frank Mastellone); Automation (Jrgen Dersch); Automation (J√ºrgen Dersch); Automation (Stefan Sigrist); Automation Instrumentation (Ludovic Le Reste); Automation Systems Engineer (Magan Lai); Automation Systems Manager (Cornell D''Couto); Automation and Electrical Systems (Lou Corvetti); Automation and Electrical Systems (Matt Downey); Automation and Electrical Systems (Zoran Hadzi-Nikolov); Automatisierungstechnik (Andreas Tement); Automatisierungstechnik (Jens Laucht); BCI Team 1 (Frank Ludwig); BCI Team 2 (Markus Plociennik); BCI Team 2 (Ralf Kolley); BCI Team 3 (Torsten Hrtl); BCI Team 3 (Torsten H√§rtl); BFX8 (Donnie Daugherty); BFX8 (Victor Vazquez); BMS (Jan Klee); BPA Holly Springs (Luke McMahon); BPA Holly Springs (Paul Parske); BPA Liverpool (Andrew Holland); BRM Batch Release Management (Joachim Leiss); BRR & QoF (Natalie Windel); BRS Batch Release Support (Hans-Tobias Deinzer); BT - Quality & Manufacturing Applications (Robert Price); BT Applications (BI-Analytics) (John Thompson (Inherited)); BT Applications (BI-Analytics) II (Johnny F Helms Jr); BT Applications (BI/Analytics) (Johnny F Helms Jr); BT Applications (Bern) (Andrew Matys); BT Applications (Business Applications) (Jesse R Crew); BT Applications (Coallaboration-BI Bern) (Christophe Fuchs); BT Applications (Coallaboration/BI Bern) (Christophe Badertscher); BT Applications (ComOps) (Natasha Reantillo); BT Applications (ComOps) 2 (Francis Azul); BT Applications (DMS) (Johannes Lichtenfels); BT Applications (DMS/Bern) (Johannes Lichtenfels (Inherited)); BT Applications (DMS/MBR) (Johannes Lichtenfels (Inherited)); BT Applications (Daniel R Rodgers); BT Applications (Data Services) (Thomas Walther (On Leave)); BT Applications (Data Services) (Thomas Walther); BT Applications (Data Warehouse) (Bhanu Vereddigari); BT Applications (Manuf.-Quality Bern) (Marcel Hadorn); BT Applications (Manuf./Quality Bern) (Marcel Hadorn); BT Applications (Sean O''Connor); BT Applications (Web Apps) (James Briggs); BT Applications (Web Ops) (Ross Bovenkerk); BT Applications BI (MBR) (Manuel Schaub); BT Applications CSL Plasma (Boca) (Cindy K Elliott); BT Applications CSL Plasma (MBR) (Gerhard Vogel); BT Applications CSL Plasma (MBR) (Hubert Diehl); BT Applications Corporate Functions (Kartik Tavargeri); BT Applications DMS (Boca) (Barbara L Youngling); BT Applications DMS (Boca) (Becky Heatherman); BT Applications DMS (Boca) (Brandi Kennedy); BT Applications DMS (Boca) (John Di Anni); BT Applications DMS (Boca) I (Barbara L Youngling); BT Applications DMS (Boca) II (Brandi Kennedy); BT Applications DMS (Boca) III (Malinda Hargitt); BT Applications EU (Markus Nickel); BT Applications Finance and Risk (Jesse R Crew (Inherited)); BT Applications LIMS & Local Apps (Boca) (Ram Jadvani); BT Applications Logic (DMS) (MBR) (Gerhard Vogel (Inherited)); BT Applications Manuf.-Quality MBR (Chris Camilleri); BT Applications Manuf./Quality MBR (Chris Camilleri); BT Applications Manuf./Quality MBR (Martin Hopp (Inherited)); BT Applications Quality (Andy Chung (Inherited)); BT Applications Quality (MBR) (Martin Hopp); BT Applications Quality (Ted Schmidt); BT Applications R&D (MBR) (Christoph Kraus); BT Applications, HRIS (Kent Riddell); BT Apprentices (Michel M√ºller); BT Apprentices (Ueli Niederhauser); BT Commercial Compliance Apps (Chunlei Liao); BT DEV Applications (Janek Geil); BT Enterprise Applications EPPM (Eltis Wong WongKeung Fai); BT Enterprise Applications ¬ñ EPPM (Elizabeth Cataldo); BT Enterprise Applications ¬ñ EPPM (Eltis Wong ?WongKeung Fai?); BT Enterprise Site Mgmt and Quality (Don Konemann); BT Infrastructure (AUS) (Michael Fugaro); BT Infrastucture (China Ruide) (Michael Fugaro (Inherited)); BT Operational Excellence (Jeffrey Walker); BT Operational Excellence (Markus Wotruba); BT Operations Parkville (Nick Witnish); BT Portfolio Management (Julia Naake); BT Quality (Astrid Tr√ºmper); BT Quality (BRN) (Valrie Progin-Meyer); BT Quality (BRN) (Val√©rie Progin-Meyer); BT Quality (MBR) (Jutta Weiss); BT Quality (Michelle Lemasters); BT Quality 2 (Jill L Rieken); BT Quality Applications (QMS) (Jeff Senley); BT Quality KoP (Chantelle Marie Otto); BT Quality Manager (Astrid Tr√ºmper (Inherited)); BT Quality Manager (Irene Ragel); BT Quality Manager (Travis Newing); BT Site Delivery (Sven Brske); BT Site Delivery (Sven Br√ºske); BT Source-To-Pay Apps (Charles Warman); BT Source-To-Pay Apps (Jochen Preis); BT Source-To-Pay Apps (Satish Mohan Gudipalli); BT operational excellence (Markus Wotruba); BT-Serialisation (Ramanand Lanka); BTQ Biotech Quality (Barbara Wegscheid); BTQ Biotech Quality (Ulrich Eberhard); Bacteriology (Benny Hung); Bacteriology (Karthy Santhosh); Bacteriology (Niharika Pathak); Baltimore 166 (Mario A Salas); Baltimore 166 (Robert Centennial); Baltimore 166 ACM Area 1 (Dami Alimi); Baltimore 166 ACM Area 2 (Gary Rivers Jr); Baltimore 166 QA (Briesha Smith); Baltimore 166 QA (Monica Brown (On Leave)); Baltimore 166 QA (Monica Brown); Base Fractionation (Anthony Kaye); Base Fractionation (Brendan Hilliard); Base Fractionation (Ernest Shepard (Inherited)); Base Fractionation (George Makris); Base Fractionation (Parish McKenzie); Base Fractionation (Roy Taylor); Base Fractionation Operations (Shane Bourne); Batch Release (Anthony Day); Batch Release Management (Constanze Buchter); Batch Release Management (Nicole Ast); Batch Release Support (Christine Schneider); Batch Release Support QAI (Daniel Kalb); Baytown 086 (Brian T Edwards); Baytown 086 (Darriel Clark); Baytown 086 ACM Area 1 (Rachel I Ramirez); Baytown 086 ACM Area 1 (Tara West); Baytown 086 ACM Area 2 (Elizabeth Morales); Baytown 086 ACM Area 2 (Rebecca Rogers); Baytown 086 QA (Monica Banuelos); Beloit 005 (Jesus A Castillo (Inherited)); Beloit 005 (Kristin R Swain); Beloit 005 ACM Area 1 (Eric M Cook); Beloit 005 ACM Area 2 (John Miles); Beloit 005 QA (Patty Justus); Berufliche Erstausbildung (Carmen Walldorf); Berufliche Erstausbildung (Doris Nake); BioAnalytical Sciences Routine (Ashraf Raza); Bioanalytical Sciences (Aaron Hahn); Bioanalytical Sciences (Alice Andreu); Bioanalytical Sciences (Andreas Meister); Bioanalytical Sciences (Bo An); Bioanalytical Sciences (Christophe Pical); Bioanalytical Sciences (Clare Elizabeth Shepherd); Bioanalytical Sciences (Craig Kyngdon); Bioanalytical Sciences (Cristina Baker); Bioanalytical Sciences (Cristina Torres-Arce); Bioanalytical Sciences (David Boerema); Bioanalytical Sciences (Jennifer La); Bioanalytical Sciences (Laura Cortes Castrillon); Bioanalytical Sciences (Lee Xin Chong); Bioanalytical Sciences (Lucy Cao (Inherited)); Bioanalytical Sciences (Lucy Cao ); Bioanalytical Sciences (Lucy Cao ?????); Bioanalytical Sciences (Michael Johnston) (52388204); Bioanalytical Sciences (Ralf Ottofuelling); Bioanalytical Sciences (Rodney Holmes); Bioanalytical Sciences (Saw Yen Ow); Bioanalytical Sciences (Theresa Qiu); Bioanalytical Sciences (Vincent Strangis); Bioanalytical Sciences, LCM (Minyao Tang ?????); Bioanalytical Sciences, Lab Ops (Jinsong Zhao ?????); Bioanalytics & Fermentation (Partho Halder); Bioanalytics, Gene Therapy (Gene-Errol Ringpis); Bioassay Group (Souravi Ghosh); Biochemical Quality Control (Andreas Affolter); Biochemical Quality Control (BCAD) (Mirjam Kuehne Sebaste); Biochemical Quality Control (BCQC) (Kathrin Minnig Gsponer); Biochemical Quality Control (BCQC) (Sten Strunze); Biochemical Quality Control (Sandra Kampczyk); Biochemical Quality Control (Sten Strunze); Biochemistry (Bjrn Hegemann); Biochemistry (Bj√∂rn Hegemann); Biochemistry (Marius Loetscher); Biochemistry (Monika Edler); Biochemistry 4 (Thomas Gentinetta); Bioinformatics & AI (Arthur Hsu); Bioinformatics & AI (Monther Alhamdoosh); Biological Analytcs R&D (Roland Zehnder); Biological Analytical Development (Simon Urwyler); Biological Quality Control (BQC) (Michael Molitor); Biologielaboranten (Carmen Walldorf (Inherited)); Biologielaboranten (Doris Nake (Inherited)); Biology Animal Group (Preston Eilders); Biology Lab (Catherine A Moody); Biology Lab (Preston Eilders); Biology Lab I (Preston Eilders); Biology Quality Control (BQC) (Michael Molitor); Bioprocess Development & Innovation (Erik Hinze); Bioprocess Development (Vicky Pirzas); Bioreactor Development (Sara Ladd); Bioreactor Development (Tizita Horning); Bioreactor Development 1 (Tony Hunt); Bioreactor Development 2 (Eric Zhu); Biostatistics Transplantation (Aparna Raychaudhuri (Inherited)); Biostatistics & Medical Writing, R&D JAPAN (Takashi Fukai - ); Biostatistics & Medical Writing, R&D JAPAN (Takashi Fukai ??? ?? - ??? ????); Biostatistics (Fang Xie); Biostatistics (Michael Fries); Biostatistics - Aquired Bleeding, Coagulation, Respiratory (Michael Fries); Biostatistics - Cardiovascular (Mark Heise); Biostatistics - Immunology and Inflammation (John-Philip Lawo); Biostatistics and Medical Writing (LOTHAR TREMMEL); Biostatistics and Medical Writing (Lothar Tremmel); Biostatistics ¬ñ Cardiovascular and Metabolic (Mark Heise); Biostatistics ¬ñ Innovation (Sergei Leonov); Biostatistics ¬ñ Transplantation (Aparna Raychaudhuri); Biostatistics ¬ñ Transplantation (Fang Xie (Inherited)); Biostatistik (Marcel Mischnik); Biotech Manufactuirng Facility (Christoph Hau√ümann); Biotech Manufactuirng Facility (Philip Elliott); Biotech Manufacturing (Aleksandar Hristov); Biotech Manufacturing (Brett Bohr); Biotech Manufacturing (Fraser Goodwin); Biotech Manufacturing (Peter Cloyd Belandres); Biotech Manufacturing (Peter Florey); Biotech Manufacturing (Steven Jacovou); Biotech Manufacturing 1 (Steven Jacovou); Birmingham 259 (Sam Whitehead); Birmingham 259 ACM Area 1 (Meredith Y Lundie); Birmingham 259 ACM Area 2 (AJ Johnson); Birmingham 259 QA (Noelle Teague); Bloomington 127 (Ashley B Fearnall); Bloomington 127 (Xang Vang); Bloomington 127 ACM Area 1 (Loryna Williams); Bloomington 127 ACM Area 2 (Kayla L Stueber); Bloomington 127 ACM Area 2 (Kirsten M Heller); Bloomington 127 QA (Karen R Soderberg); Bloomington 241 (Kevin Smith); Bloomington 241 ACM Area 1 (Anna Whitman); Bloomington 241 ACM Area 2 (Kevin Smith (Inherited)); Bloomington 241 ACM Area 2 (Michele Morison); Bloomington 241 QA (Ben Samarripas (Inherited)); Bloomington 241 QA (Ryan Caudill-Laughlin); Boca Field Services (Javier Lopez); Boca Field Services (Julio Feliciano); Boise 227 (Ash Senters); Boise 227 (Ashley Senters); Boise 227 (Carl Seelert); Boise 227 (Timothy Freeland Jr (Inherited)); Boise 227 ACM Area 1 (Camille Snow); Boise 227 ACM Area 2 (Travis Richardson (On Leave)); Boise 227 ACM Area 2 (Travis Richardson); Boise 227 QA (Derek Erhart (Inherited)); Boise 227 QA (Miles Veater); Brand Manager (Judith Vico); Brand Manager 745 (Genevieve Nihill); Breakthrough Technologies (Axel Dietrich); Breakthrough Technologies (Hung Pham); Breakthrough Technologies (Nathan J Brinkman); Breakthrough Technologies I (Laura Keigher); Brewer 503 (MacGregor Roy); Brewer 503 ACM Area 1 (Stephen R Coltharp); Brewer 503 ACM Area 2 (Katherine Ragia); Brewer 503 QA (Marc Stephens); Brownsville 113 (Jose L Dela Garza (Inherited)); Brownsville 113 (Nick Caballero); Brownsville 113 ACM Area 1 (Alfonso Gutierrez); Brownsville 113 ACM Area 2 (Robert Miranda); Brownsville 113 ACM Area 3 (Brenda Z Garcia); Brownsville 113 ACM Area 4 (Hector F Amaya); Brownsville 113 QA (Francisca Z Lopez); Brownsville 113 QA (Laura L Escalante); Brownsville 113 QA (Rosa E Mercado (Inherited)); Brownsville 114 (Anthony A Almaguer); Brownsville 114 (Osiel E Selvera); Brownsville 114 ACM Area 1 (Roy Madero); Brownsville 114 ACM Area 2 (Amanda Millan); Brownsville 114 ACM Area 3 (Melissa Medrano); Brownsville 114 ACM Area 4 (Maria A Garcia); Brownsville 114 QA (Joanna M Franco); Brownsville 135 (Francisca Z Lopez); Brownsville 135 (Nick Caballero); Brownsville 135 ACM Area 1 (Severita Williams); Brownsville 135 ACM Area 2 (Oralia M Vasquez); Brownsville 135 ACM Area 3 (Claudia Uribe Resendiz); Brownsville 135 QA (Alma E De Los Santos De Gonzalez); Brownsville 135 QA (Britney Castillo); Buffalo 239 (Nicholas Liberati); Buffalo 239 (Renaye Hecker); Buffalo 239 ACM Area 1 (Kimberly Lubecki); Buffalo 239 ACM Area 2 (Carol Palaszewski); Buffalo 239 QA (Nicholas Liberati); Buffalo 239 QA (Olivia Bejaran); Buffer Preparation (Benjamin Gr√ºn); Buffer-Production (Bernd Grau); Building 21 South (Brock A Boudreau); Building 21 South (Parish McKenzie (Inherited)); Building 21S (Union) (Brock A Boudreau); Building 21S (Union) (Parish McKenzie (Inherited)); Building 30 (Brock A Boudreau); Building 30 (Parish McKenzie (Inherited)); Building 30 (Union) (Brock A Boudreau); Building 30 (Union) (Parish McKenzie (Inherited)); Buildings & Prop Coord 256 (Ray Belli); Bulk (Markus Weber); Bulk Manufacturing (Freddie Wayne West); Bulk Manufacturing (Gregory Taylor); Bulk Manufacturing (Patricia Stewart (Inherited)); Bulk Manufacturing (Ryan Cox); Bulk Mechanical Team (Matthew Johnson (Inherited)); Bulk Mechanical Team (Mohamed Tubar); Bulk Mfg (Joel Rainey (Inherited)); Bulk Mfg (Katerina Petreska); Bulk Mfg (Mahmoud Lasheen); Bulk Mfg (Matt Thompson); Bulk Mfg (Tom Vick); Bulk Mfg (Tri Nguyen); Bulk Process Technology (Andreas Grter); Bulk Process Technology (Andreas Gr√ºter); Bulk Process Technology (Rene Boros); Bulk Utilities (Michael D Proctor); Burlington 512 (Lynn M Stratton); Burlington 512 ACM Area 1 (Kay Harris); Burlington 512 ACM Area 2 (Danica Johnson); Burlington 512 QA (Sharleen Dunn); Bus. Svcs, Project Edge (John Dinatale); Business (Camilla Shen); Business Analytics (Joseph Smith); Business Analytics (Venkatesh Ramakrishnan (Inherited)); Business Applications (Anu Thampi); Business Applications (Charles Lowe); Business Development (Evgeniy Glukhovskiy); Business Development (Simone Parkes); Business Insights & Analytics (Nitin Bhatnagar (Inherited)); Business Insights & Analytics (Shital Patel); Business Insights & Operations (Lynda Kulp); Business Integrity (Christine Zettlemoyer); Business Integrity Intercontinental (Bella Hovhannisyan Melkonyan (Rafael)); Business Integrity and Privacy Program (Sarah McHenry); Business Integrity and Risks (Karen Neave); Business Integrity and Risks (Kelly Scott); Business Operations (Harald Mller); Business Operations (Harald M√ºller); Business Operations (Laura Attride); Business Operations (Paul Jens); Business Operations EU (Heidi Sun); Business Partner Support (Anika Wagner); Business Partnering Holly Springs (Carey Vassallo); Business Partners (Christine Toth); Business Partners (Jacqueline Hawkins (Inherited)); Business Planning Group (Junya Morinaga - ); Business Planning Group (Junya Morinaga ??? ?? - ???? ?????); Business Planning Group (Makoto Miura (Inherited)); Business Planning Group (Yuichiro Sakagami); Business Process & Technology (Joseph Elicone); Business Process & Technology (Maureen Martini); Business Process (Christian Sonderegger); Business Process Excellence (Manuel Schaub); Business Process Excellence Global Training (Reed Johnston); Business Process Management (BPM) (GAFOOR SARANG); Business Process OTC (Kian Hartono); Business Process S2P (Simon Haemmerli); Business Processes & Data Mgt (Barbora ?√°chov√°); Business Processes & Data Mgt (Barbora chov); Business Processes (Boris Kaiser); Business Processes (Hans Raess); Business Processes (Thomas Romanus); Business Productivity (Scott A Ramseyer); Business Services (David H Confessore); Business Services (Ken Lim); Business Services Enterprise Business Solutions (David Wolozyn); Business Services and Demand Planning, APAC (Uli Kiefer); Business Support (Christian Schnabel); Business Support (Lisa Bartol); Business Support (Walter Aebersold); Business Technology (Boca) (Rob Klostermeyer); Business Technology (Jesse R Crew (Inherited)); Business Technology (Sharon Wong ); Business Technology (Sharon Wong ?????) (Sharon Wong ?????); Business Unit Director (Susan Snowball); Business Unit Manager (Natasha Hutchison); CAB & Digital Marketing Group (Narihiko Suenobu); CAD (Erwin Vonlanthen); CD Clinical Quality Control & Compliance (Larry Fish); CDS - Computerized Data & Systems (Christoph Kircher); CEQ Management (Barry Lynch); CI & QC Compliance (Lisa Marie Malcharek (Inherited)); CI & QC Compliance (Lisa Marie Malcharek); CI & QC Compliance (Thomas Wescombe); CI & QC Compliance (Thomas Wescombe) (Thomas Wescombe); CMC (Jason Newman); CMC Lead (Andrew White); CMC Lead (Dirk Bruns-Nagel); CMC Lead (Mackenzie Firer Sherwood); CMC Lead (Max Stuart Corbett); CMC Lead (Paul Smrdelj); CMC RA Group (Hideaki Hoshi ?? ?? - ?? ?????); CMC RA Group (Koichiro Kase - ); CMC Site Lead (Richard Buchta); CMO (Metani Rooms); CMO Management & Technology (Sabine Zollner); CMO Office (Vicki Oosterbaan); CO Diverse (Eddie Owens (Inherited)); CO Diverse (Edward Owens (Inherited)); CORE Operations - Canada (Constantina Boikos); CPAT (Kelly Helebrant); CPAT CVM - H&T (Uli Frevert); CPAT CVM / H&T (Uli Frevert); CPAT Internship Program I (Alissa Verone-Boyle (On Leave)); CPG Business Services (Michael Engelmann); CPG Center Berlin (Frank Bernert); CPG Center Bielefeld (Frank Bernert); CPG Center Braunschweig (Frank Bernert); CPG Center Bremen (Frank Bernert); CPG Center Gttingen (Frank Bernert); CPG Center G√∂ttingen (Frank Bernert); CPG Center Kiel (Frank Bernert); CPG Center Nrnberg (Frank Bernert); CPG Center N√ºrnberg (Frank Bernert); CPG Finance & Planning (Gerhard Mbus); CPG Finance & Planning (Gerhard M√∂bus); CPG Human Resources (Christine Debellis); CPG LQK Labor (Bettina Flotho-Salzmann); CPG Manager Serologisches Labor (Astrid Mather); CPG Medical Director (Kirsten Seidel); CPG Operations Management (Frank Bernert); CPG Planning (Achim Wagner); CPG Plasma Einkauf (Michael Engelmann (Inherited)); CPG Plasma Logistics (Klaus Rolshausen); CPG QA Case Processing Management (Ute Cherfan (Inherited)); CPG QA Center Operations (Ute Wessels); CPG QA Center Systems (Kerstin Kaddatz); CPG QA PLC Operations (Oliver Gro); CPG QA PLC Operations (Oliver Gro√ü); CPG QA Plasma Quality EU (Sascha Platt); CPG QA Plasma Quality QMB (Oliver Gro√ü (Inherited)); CPG QA Plasma Supplier Qualification (Ute Cherfan); CPG QA Plasma Supply Chain (Francesc Pont (Inherited)); CPG QA Plasma Supply Chain (Justin K Zajc); CPG QA Regulatory Affairs (Mandy Htzel); CPG QA Regulatory Affairs (Mandy H√∂tzel); CPG QA Supplier Qualification Management (Ute Cherfan (Inherited)); CPG QMB Center Operations (Ingrid Wallenwein (Inherited)); CPG QMB Center Operations (Ute Wessels (Inherited)); CPG Qualified Person (Margit El Azhari); CR&D Clinical Coagulation (Andres Brainsky); CRD Business Operations (Brian Dudt); CRD Business Operations (Walter Young); CRD Business Operations I (Craig Coffman (Inherited)); CRM Operations (Vinita Raina); CSL (Paul R Perreault); CSL 112 (Union) (Derek Butler); CSL Behring AG Bern (Martin Schaeren); CSL Behring AG Bern (Pierre Caloz); CSL Behring Broadmeadows (Martin Schaeren); CSL Behring Broadmeadows (Patricia Stewart); CSL Behring Broadmeadows II (Martin Schaeren); CSL Behring LLC Kankakee (Jose Gonzalez); CSL Behring LLC Kankakee (Patricia Stewart); CSL Behring LLC Kankakeee II (Patricia Stewart (Inherited)); CSL Behring Lengnau (Boris Lanoir); CSL Behring Marburg (Craig Shelanskey); CSL Behring Marburg (Michael Schrder); CSL Behring Marburg (Michael Schr√∂der); CSL Behring Pay Services (Susan M Walker); CSL Behring RCF Lengnau (Susanne Jecklin); CSL Behring RCF Lengnau II (Susanne Jecklin (Inherited)); CSL Behring Trademarks (Frank Schne-de la Nuez); CSL Behring Trademarks (Frank Sch√∂ne-de la Nuez); CSL Plasma (Craig Shelanskey); CSL Plasma (Michael F Deem); CSL Plasma (Willy Pardinas, Craig Shelanskey); CSL Plasma - Finance (Chris Shane); CSL Plasma - Finance (Christopher Shane); CSL Plasma / Engineering (Jrg Walz); CSL Plasma / Engineering (J√∂rg Walz); CSL Plasma GmbH (Berthold Ssser); CSL Plasma GmbH (Berthold S√ºsser); CSL Plasma GmbH HR (Berthold Ssser (Inherited)); CSL Plasma GmbH HR (Berthold S√ºsser (Inherited)); CSL Plasma II (Michael F Deem (Inherited)); CSL Plasma Kft. Hungary (Pankotai Tams); CSL Plasma Kft. Hungary (Pankotai Tam√°s); CSL Plasma US PLC Whitestown (Kristofor M Stauch); CSL Plasma US ¬ñ PLC Whitestown (Kristofor M Stauch); CSL Ruide Wuhan Manangement (David Chen ); CSL Ruide Wuhan Manangement (David Chen ?????); CSL Wuhan Plasma Operations (Jason Xu ?????); CSL Wuhan Ruide Calibration (Shangqu Shi ?????); CSL Wuhan Ruide Engineering (Jack Situ ); CSL Wuhan Ruide Engineering (Jack Situ ??????); CSL Wuhan Ruide Facility Team (Roger Peng ????); CSL112 Commercial Manufacturing Dept. (Derek Butler); CSR for Corporate (Patrick Castauro); CTS Business Operations (Robert Bredohl); CTS Cardiovascular (Eveline Girod-Engelhardt); CTS Hematology & Early Development (Annette Angell); CTS IRT (Amy Rupp); CTS Immunology (Berthold Roters); CTS Packaging & Labeling (Claudia Wieber); CTS Packaging & Labeling (Markus Thelen); CTS Process Improvement & Innovation (Carolin Sann); CTS Product Lead Cardiovascular (Elizabeth Bean); CTS Product Lead Immunology (Karin Knieke); CTS Product Lead Transplant (Fabienne Aschenbrenner); CTS Specialty Products & Transplant (Martin Mildenberger); CVC Cell, Virus & Compliance (Bjrn Keiner); CVC ¬ñ Cell, Virus & Compliance (Bj√∂rn Keiner); Calimmune Cell Manufacturing (Andreas Gille (Inherited)); Calimmune Cell Manufacturing (Bryan Burke); Calimmune Cell and Process Development (Jeffrey Ahlers); Calimmune Clinical (Maureen Boyd); Calimmune Clinical Programs (Mollie Barrett); Calimmune Information Technology (John Dallaire); Calimmune Quality Assurance (Anuja Prabhutendolkar); Calimmune Quality Assurance (Suparna Mishra Sarkar); Calimmune Research (Steven Lee); Calimmune Research and Development (Jeffrey Bartlett); Calumet Park 293 (Malissa Lichtenwalter); Calumet Park 293 QA (Michael W Solomon (Inherited)); Canada Medical Affairs Field Team (Maye Machnouk); Canton 236 (Jennie Marcum); Canton 236 ACM Area 1 (Ashley Instone); Canton 236 ACM Area 1 (Mirela Sekulic); Canton 236 ACM Area 2 (Rhianna Minger); Canton 236 ACM Area 2 (Rhianna Petrone); Canton 236 QA (Brandon Bosley); Canton 236 QA (Esence Hambrick); CapEx Procurement Lengnau (Franz Zweibrot [C]); CapEx Procurement Lengnau (Oliver Hahn); Capital Business Support (Tobias Pohle); Capital Controlling (Dirk Achenbach); Capital Controlling (Jrn Kaletsch); Capital Controlling (J√∂rn Kaletsch); Capital Project Management (Martina Thalmann); Capital Vendor Manager (Mark Vamadevan); Capital Vendor Manager (Nicholas Moody (Inherited)); Capital and MRO Sourcing - Kankakee (Emiliano Colon Segarra); Card Services (Linda K Nordmeyer); Cardio Therapies & Clinical Dev 2 (Lawrence Deckelbaum (Inherited)); Cardio Therapies & Clinical Development (Lawrence Deckelbaum); Cardiovascular & Diabetes (Susan Welsh (Inherited)); Cardiovascular & Diabetes (Todd Rudo); Cardiovascular & Metabolic Marketing (Rupal Shah); Cardiovascular & Metabolic Medical Affairs (Jeff McFadden (Inherited)); Cardiovascular & Metabolic TA (Jeff McFadden); Cardiovascular & Metabolism Therapeutic Area (Pierluigi Tricoci); Cardiovascular & Respiratory (James Peterson); Cardiovascular (Gail Berman); Cardiovascular (Lawrence Deckelbaum (Inherited)); Cardiovascular (Regina Clementi); Cardiovascular Global Marketing (Simon Fox); Cardiovascular and Metabolism (Danielle Duffy); Cardiovascular/Respiratory Therapeutic Area (Scott Hambaugh (Inherited)); Case Management GCSP (Nell Sborlini); Case Management MBR (Gudrun Heep); Category Chemicals, Filter Aid, Lab Chemicals (Martin Grossmann (Inherited)); Category Construction (Jos√© Maldonado (Inherited)); Category Equipment (Mike Gong); Category Gels, Resins, Media (BRN) (Martin Grossmann (Inherited)); Category Management (Markus Herrmann); Category Manager Indirects (Karl Lavery); Category Manager Indirects (Sarah Orchard); Category Packaging (Adam Kooloos); Cell Biology and Physiology (Cristina Gamell Fulla); Cell Culture & Purification (Michael Schmitt); Cell Culture & Purification Development (Andrew Low); Cell Culture & Purification Development (Ben Hunt); Cell Culture & Purification Development (Innocent Bekard); Cell Culture & Purification Development (Irene Baker); Cell Culture & Purification Development (Lou Fabri); Cell Culture & Purification Development (Simon Gerber); Cell Culture & Purification Development (Simon Stephan Gerber); Cell Culture & Purification Development (Vanessa Sandford); Cell Culture & Purification Development (Yih Yean Lee (Inherited)); Cell Culture & Purification Development (Yih Yean Lee); Cell Culture & Purification Development 1 (Innocent Bekard (Inherited)); Cell Culture Analytics (Vanessa Trefzer); Cell Manufacturing (Angel Jaramillo); Cell Manufacturing (Samuel O''Callaghan (On Leave)); Cell Manufacturing (Stefanie Homann); Cell Manufacturing I (Michelle Millington); Cell Manufacturing III (Samuel O''Callaghan); Cell Manufacturing IV (Stefanie Homann); Cell and Process Development (Jeffrey Ahlers); Cells, Virus & Compliance (Trudi Wentzel); Cells, Virus and Compliance (Tanya Guzzardi); Center Mitarbeiter (Andreas Gehrich (Inherited)); Center Mitarbeiter (Andreas Gehrich); Center Mitarbeiter (Annette Pernitzsch (Inherited)); Center Mitarbeiter (Annette Pernitzsch); Center Mitarbeiter (Claudia Habenicht (Inherited)); Center Mitarbeiter (Claudia Habenicht); Center Mitarbeiter (Damaris Kieckhfer); Center Mitarbeiter (Damaris Kieckh√∂fer); Center Mitarbeiter (Heike Borchert); Center Mitarbeiter (Kirsten Scheibel (Inherited)); Center Mitarbeiter (Kirsten Scheibel); Center Mitarbeiter (Natascha Bock (Inherited)); Center Mitarbeiter (Natascha Tappendorf); Center Mitarbeiter (Stephani Keltsch); Center Mitarbeiter (Sven Schuhmann (Inherited)); Center Mitarbeiter (Sven Schuhmann); Champaign 270 (Harriet Williams); Champaign 270 ACM Area 1 (Jacques LaRue); Champaign 270 ACM Area 2 (Harriet Williams (Inherited)); Champaign 270 ACM Area 2 (Quawan Dhom); Champaign 270 QA (Meghan Constantine); Change & Systems (Angela Leepin); Change & Systems (Lucia Mathis); Change Control Final Product Care (Stephan Nau); Change Management (Elizabeth Walker (Inherited)); Change Management (Kris Weidling (On Leave)); Change Management (Wendy Smith); Change Management Quality (Marlise Kuert Kolb); Change Management and Launch Support (QCM) (Marlise Kuert Kolb); Change Management-Document Control (Michelle Wells); Change and Investigations Primary Manufacturing (Jason Gilmour); Change and Investigations Secondary Manufacturing (Hai Tran); Characterization (Lars Robbel); Characterization 2 (Katharina Kramer); Charleston 044 (Lorenzo L Bowser); Charleston 044 (Robin M Bencivenga); Charleston 044 ACM Area 1 (Gregory Swant); Charleston 044 ACM Area 1 (Lorenzo L Bowser (Inherited)); Charleston 044 ACM Area 2 (Shakerrie Mobley); Charleston 044 QA (Yolanda L Carlisle); Charlotte 203 (Sam Kastanowski); Charlotte 203 (Shannon D Dalton); Charlotte 203 ACM Area 1 (Kathy Reilly); Charlotte 203 ACM Area 2 (Micah Ford); Charlotte 203 ACM Area 2 (Shannon D Dalton (Inherited)); Charlotte 203 QA (Nicole D Etheridge); Charlotte 418 (Paul Schmaldinst); Charlotte 418 ACM Area 1 (Sharita Swann); Charlotte 418 ACM Area 2 (Mayada M Omer); Charlotte 418 ACM Area 3 (Trina Crayton); Charlotte 418 QA (Le Tran); Chattanooga 010 (Ramoncito B Bautista); Chattanooga 010 ACM Area 1 (Sheree L Leatherman); Chattanooga 010 ACM Area 2 (Beth Simpson); Chattanooga 010 ACM Area 2 (Brittany Goforth); Chattanooga 010 QA (Callan Pierson); Chattanooga 010 QA (Heather Palladino); Chattanooga 010 QA (Patti Bailey (Inherited)); Chattanooga 010 QA (Patti Bailey (Inherited), Prim J Cunningham (Inherited)); Chattanooga 407 (Brian West); Chattanooga 407 (Brianna E Ballew); Chattanooga 407 ACM Area 1 (Amy D Hodge); Chattanooga 407 ACM Area 2 (Joshua Turpin); Chattanooga 407 QA (Barron Williamson); Cheektowaga 235 (Scott Bowers); Cheektowaga 235 ACM Area 1 (Cheryl Sousa); Cheektowaga 235 ACM Area 2 (Iryna Omelyan); Cheektowaga 235 QA (Roxanne Tyczka); Chem. Quality Control 1 (Lukas Dinger); Chem. Quality Control 2 (Silvan Stucki); Chemical Quality Control (CQC) (Adrian Zobrist); Chemical Analytics R&D (Lars Schiefelbein); Chemical Analytics R&D (Sara Stinca); Chemical Quality Control (Andreas Affolter); Chemical Quality Control (CQC) (Adrian Zobrist); Chemical Quality Control (Lars L√ºersen); Chemical Quality Control (Sten Strunze); Chemistry (Sara Garland); Chemistry (William Squires); Chemistry - In-Process Group (Courtney Nuccio); Chemistry - Raw Materials Group (Arthur F Fox); Chemistry Lab (Rebecca L Boudreau); Chiba Kanagawa Area (Madoka Yamamoto); Chibi Accounting (Hongyan Hu ?????); Chibi Admin (Hongyan Hu ); Chibi Admin (Hongyan Hu ?????); Chibi Clinical Inspection (Shiyong Yu ); Chibi Clinical Inspection (Shiyong Yu ?????); Chibi Plasma Collect (Liyun Huang ); Chibi Plasma Collect (Liyun Huang ?????); Chibi Plasma Collection (Jie Yu ); Chibi Plasma Collection (Jie Yu ????); Chibi Plasma Collection Center (Jun Lai ????); Chibi Plasma Collection Management (Jingyu Dong ?????); Chibi Plasma Sourcing (Jiaxin Long ?????); Chibi Plasma Sourcing Management (Bin Zhang ); Chibi Plasma Sourcing Management (Bin Zhang ????); Chicago 247 (Guillian T Gonzalez); Chicago 247 ACM Area 1 (Sabrina Flowers); Chicago 247 ACM Area 2 (Gretchen Watkins); Chicago 247 ACM Area 2 (Guillian T Gonzalez (Inherited)); Chicago 247 QA (Gretchen Watkins); Chicago 247 QA (Linda Schulthess); Chief Medical Office (Charmaine Gittleson); Chief Operating Officer (Paul McKenzie); Chief Safety Officer (Susan Welsh); China Logistics (Vickie Xian ); China Logistics (Vickie Xian ?????); China Marketing (Anlu Cai ?????); China Strategic Quality (Jian Fei ????); Christian Spuckti; Chromatography (Holger Blessing); Chromatography (Sven Karschnia); Chubu Area (Hiroyoshi Iwamoto); Chugoku Shikoku Area (Masahiko Ishida); Cincinnati 177 (Harold Tucker Jr); Cincinnati 177 ACM Area 1 (Anh Le); Cincinnati 177 ACM Area 2 (Darryl W Revere Jr); Cincinnati 177 ACM Area 2 (Jessica Hoffman); Cincinnati 177 QA (Christopher Thompson); Cincinnati 189 (Lee A Miles); Cincinnati 189 ACM Area 1 (Kristal Emmitt); Cincinnati 189 ACM Area 2 (Ginger Wells); Cincinnati 189 ACM Area 2 (Kaitlyn Spencer); Cincinnati 189 QA (Tyianna N Trice (On Leave)); Cincinnati 189 QA (Tyianna N Trice); Cinncinnati 177 (Harold Tucker Jr); Citrix (Thomas M Kent); Cleveland 401 (Sarah E Moss); Cleveland 401 ACM Area 1 (Shelly L Deimling); Cleveland 401 ACM Area 2 (Chonita Johnson (On Leave)); Cleveland 401 ACM Area 2 (Chonita Johnson); Cleveland 401 QA (Enetisha T Dailey); Cleveland 401 QA (Jennifer Longo); Clifton 255 (Andrew Oliver); Clifton 255 ACM Area 1 (Anthony Camuso); Clifton 255 ACM Area 2 (Marshaya Johnson); Clifton 255 ACM Area 2 (Rolshall Burnett); Clifton 255 QA (Kengie Jenkins); Clinic Study Acquired Bleeding-IG (Danielle Dalton); Clinic Study Acquired Bleeding/IG (Danielle Dalton); Clinical Bulk (Gerd Eisenmann); Clinical Bulk (Noemi Scholl); Clinical Bulk (Rene Bruegger (Inherited)); Clinical Compliance (Mihaela Carla Nosca); Clinical Compliance and Training (CC&T) (Saskia Ruis); Clinical Data Standards and Programming (Dieter Boss); Clinical Development (Wilfried Seifert); Clinical Development - Study (Christa Lewiski); Clinical Development - Transplant (Paul Shore); Clinical Development Operations (Craig Coffman); Clinical Development Operations (Deirdre BeVard); Clinical Development Operations (Kazuaki Hashimoto - ); Clinical Development Operations (Kazuaki Hashimoto ??? ?? - ???? ?????); Clinical Development Operations I (Craig Coffman); Clinical Development Respiratory (Lars Groenke); Clinical Disclosures & Transparency (Vicki Oosterbaan); Clinical Epidemiology (Quazi Ataher); Clinical Epidemiology (Susan Colilla); Clinical Epidemiology (Susan Welsh (Inherited)); Clinical Operations (David J. Parker); Clinical Operations (Thomas Verish); Clinical Operations (Valerie Reynaert); Clinical Operations 1 (Jennifer Weaver); Clinical Operations II (Valerie Reynaert); Clinical Operations Japan (Hideshiro Benz); Clinical Operations Serology (David Bibby); Clinical Operations Systems (Simone Dierkes) (Simone Dierkes); Clinical Ops 2 (Michael Giordani); Clinical Oversight Manager (Katja Ganter); Clinical Oversight Manager (Miriam Hochthurn); Clinical Oversight Manager (Stefanie Auer); Clinical Pharmacology & Early Development (Amy Harman); Clinical Pharmacology & Early Development (Stephen Caltabiano); Clinical Pharmacology & Translational Dev (John Roberts); Clinical Pharmacology & Translational Dev ¬ñ CPAT (Diana Lanchoney); Clinical Pharmacology & Translational Development CPAT (Diana Lanchoney); Clinical Pharmacology &Early Development (Diana Lanchoney (Inherited)); Clinical Pharmacology &Early Development (Dipti Pawaskar); Clinical Pharmacology &Early Development (Jagdev Sidhu); Clinical Pharmacology &Early Development (Joanne Ma); Clinical Pharmacology &Early Development (John Roberts); Clinical Pharmacology &Early Development (Michael Tortorici); Clinical Pharmacology (Bo Zheng); Clinical Procedural Documents &Standards (Thomas Verish (Inherited)); Clinical Programming (Stefan Hofmann); Clinical Programs (Christine Joch); Clinical Quality (Claire Pope); Clinical Quality (Karen Gard''ner (Inherited)); Clinical Quality Assurance (Daisy Maldonado-Ortiz); Clinical Quality Assurance (Joy Quinal); Clinical Quality Assurance (Pontaah Arbtan); Clinical Quality Assurance (Sharon Reinhard); Clinical Quality Assurance (Terrence Purnell); Clinical Quality Assurance (Volker Nickel); Clinical R&D (Hideto Akama - ); Clinical R&D (Hideto Akama ??? ?? - ??? ????); Clinical Research & Development - Transplant (Scott Adler); Clinical Safety (Corrinne Clement); Clinical Safety (Maria Mller); Clinical Safety (Maria M√ºller); Clinical Safety (Velma Hurst); Clinical Science (Eve Versage); Clinical Science (Naohito Sato); Clinical Sciences Transplantation (Christine Voigt ); Clinical Sciences Transplantation (Christine Voigt); Clinical Scientist (Andres Brainsky (Inherited)); Clinical Scientist (Jenny Mears); Clinical Serology Operations Lead (Frank Iozzo); Clinical Strategy&Development (Hideto Akama ??? ?? - ??? ????); Clinical Study (Agnieszka Turowska); Clinical Supply Chain Planning (Ulrich Mengel); Clinical Supply Quality (Carl Forte); Clinical Supply Quality (Matthew Wokulich); Clinical Trial Process Improvement & Innovation (Steve Walker); Clinical Trial Process Improvement & Innovation (Thomas Kelly); Clinical Trial Supply (Patrick McLaughlin); Clinical and TA Strategy (Steven Pascoe); Coag, Devices & Special Products (Ignacio Rodriguez); Coag, Devices & Special Products (Juergen Zorn); Coagulation & CC Sales Force (Emmanuelle Massonie (Inherited)); Coagulation & CC Sales Force (Jean-Vincent Viale); Coagulation & CC Sales Force (Thierry BERTHOULE); Coagulation & Oncology (Kristin Ingrassia); Coagulation & Oncology (Sylvia Herget); Coagulation & Oncology 1 (Kerstin Jung); Coagulation (Janine Dolan); Coagulation - CPP (Kristy Bandza (Inherited)); Coagulation Manufacturing (Kristy Bandza); Coagulation Manufacturing (Union) (Kristy Bandza (Inherited)); Coagulation Sales South (Marlene Gregory (On Leave)); Coagulation Sales South (Marlene Gregory); College Station 152 (Kandra K Blodgett); College Station 152 (Lauren Parks); College Station 152 (May Walker); College Station 152 ACM Area 1 (Kailey Stockton); College Station 152 ACM Area 2 (Amanda Miller); College Station 152 ACM Area 2 (DANIELLE GARRETT); College Station 152 QA (Kacie Goad); College Station 152 QA (May Nowalk); College Station 152 QA (May Walker); Colorado Springs 277 (Amanda M Cvitkovich); Colorado Springs 277 ACM Area 1 (Ben Huff); Colorado Springs 277 ACM Area 2 (Leon Clemons Jr.); Colorado Springs 277 ACM Area 2 (Sang Nguyen); Colorado Springs 277 QA (Crystal L Reichard); Columbia 217 (Catherine Watson); Columbia 217 (Monique Simpson); Columbia 217 ACM Area 1 (Mirna Rodriguez); Columbia 217 ACM Area 2 (Gregory Hines); Columbia 217 QA (Alissa Elke); Columbia 217 QA (Brandon Hoffman); Columbia 217 QA (Victoria McIntyre (Inherited)); Columbia 271 (Beth Brooks-Mccoy); Columbia 271 QA (Eric Mathis); Columbia 612 (Catherine Watson); Columbia 612 (Jose Pineda); Columbia 612 ACM Area 1 (Joyce A Jackson); Columbia 612 ACM Area 2 (Garrett Palmer); Columbia 612 QA (Aniashalla McDuffie); Columbia 612 QA (Shannon V Brown); Columbia 612 QA (Victoria McIntyre (Inherited)); Columbus 150 (Mark A Leach); Columbus 150 (Matthew Z Osborne); Columbus 150 ACM Area 1 (Nasha Ausberry); Columbus 150 ACM Area 2 (Alison L Woody); Columbus 150 QA (Tina M Miller); Columbus 409 (Angela L Funk); Columbus 409 ACM Area 1 (Jacob A Wilcox); Columbus 409 ACM Area 2 (Stella Shella May Oliver); Columbus 409 QA (Thomas U Anderson); Com Dev Immunology (GABRIELA ESPINOZA); Com Dev Immunology (Gabriela Espinoza); Com Dev Immunology (Karen MacPhail); Com Dev Immunology (Lawrence Bruck); Com Dev Medical (Birgit Voelker); Com Ops Human Resources Asia Pac (Jenny Zeng); Com Ops Human Resources Asia Pac (Trina Hendri (Inherited)); Com Ops Human Resources EU (Marc Htting); Com Ops Human Resources EU (Marc H√∂tting); Com Ops Human Resources ICO (Jenny Alexandra Kjaer); Com Ops Human Resources ICO (Jenny Kjaer Rotzler); Com Ops Human Resources NA (Elizabeth Wixted); ComDev Coagulation (Jens Oltrogge); ComDev Speciality Products (Georg Henkel); ComDev Speciality Products 1 (Georg Henkel); ComOps Argentina Accounting (Guadalupe Porro Greco); ComOps Argentina Finance (Silvina Lazzari); ComOps Argentina Marketing (Lucia I Grossi); ComOps Argentina Sales (Fernando Grosso); ComOps Brazil Finance (Marcelo Di Napoli); ComOps Brazil Market Access (Gerdeon Aurelio A Paiva); ComOps Brazil Marketing (Cristina Daniel Paulino); ComOps Brazil Operations (Cristina Junko Nakai); ComOps Brazil Regulatory Affairs (Rosana Batista); ComOps Brazil Sales (Luis Gustavo Gomes); ComOps Business Operations GE/AT/EEU (Karl Fox); ComOps Canada Coag & CC (MICHAEL LEO); ComOps Canada Finance (Michael McAllister); ComOps Canada Medical Affairs (MSL) (David Barnes (Inherited)); ComOps Canada Medical Affairs (MSL) (Debbie Bensen-Kennedy (Inherited)); ComOps Canada Regulatory Affairs (Vaneeta Bhatia); ComOps Canada Sales (MARIE-EVE JACQUES); ComOps Colombia Accounting (Carlos Andres Loaiza Barragn); ComOps Colombia Accounting (Carlos Andres Loaiza Barrag√°n); ComOps Colombia Sales (Martha Romano Gomez); ComOps Controlling GE/AT/Emerg. EU (Oliver Rosenthal); ComOps Demand Planning EU (Heike Kayser); ComOps Finance FP&A EU (Tamara Lissitsyna); ComOps Finance/Supply Chain/Compass EU (Heinz Berghoff); ComOps Government Reporting/Compliance (Mike Andrews (Inherited)); ComOps Intercontinental MBR (Bjrn Schfer); ComOps Intercontinental MBR (Bj√∂rn Sch√§fer); ComOps Intercontinental MBR (Manfred Nolte); ComOps Market Access (Stefan Neudrfer); ComOps Market Access (Stefan Neud√∂rfer); ComOps Marketing Coagulation (Dave Lewis); ComOps Marketing Coagulation (JD Kohutka); ComOps Marketing GE/AT/Emerg. EU (Elisabeth Averwerser); ComOps Meetings & Conventions (Molly Hess Knodel); ComOps Mexico Finance & Administration (Carlos Salas); ComOps Mexico Finance & Administration (HECTOR ESCOBEDO); ComOps Mexico Market Access (Humberto Maciel); ComOps Mexico Product Management (THALIA FIERRO DE LEON); ComOps Mexico Regulatory Affairs (Sandra Velasco); ComOps Mexico Sales (Jorge L Gastlum); ComOps Mexico Sales (Jorge L Gast√©lum); ComOps NA Business Operations (Denise Von Dohren); ComOps NA Business Operations (Mike Andrews (Inherited)); ComOps NA Government Reporting (Pamela Makosky); ComOps NA Government Reporting (Ronald Ritter Jr); ComOps NA Government Reporting (Sarah Palmer); ComOps NA Learning & Support Services (Lynn DiBonaventura); ComOps NA Learning & Support Services (Mike Andrews (Inherited)); ComOps NA Market Insights (Venkatesh Ramakrishnan); ComOps NA Marketing Consumer (Janet A Reimund); ComOps NA PRC Operations (Diane Wright); ComOps NA, Master Data (David Fling); ComOps NA, Sales Operations & CRM (Michael Price); ComOps NA, Sales Operations & Incentive Compensation (Michael Price); ComOps NA, Sales Operations (Jerry Burgener); ComOps North America Medical Affairs (Debbie Bensen-Kennedy); ComOps North America Medical Affairs (Judith Vensak); ComOps North America Medical Affairs- Immunology TA (Arie Katz); ComOps Reimbursement and Access (Dina Inverso); ComOps Reimbursements and Access (Jeffrey Lucero); ComOps Reimbursements and Access (Kate O''Connor-Masse); ComOps SP - Payers (Pete Dickson); ComOps SP / Payers (Pete Dickson (Inherited)); ComOps SP / Payers (Pete Dickson); ComOps Sales Germany (Michael Bernd Rode); ComOps Switzerland (Isabelle Dahinden); ComOps Therapeutic Area EU (Antti Kourula); ComOps Therapeutic Area EU (Damian Gilkerson); ComOps US Atlantic Specialty (Jeffrey Todd Winn); ComOps US Coag Midwest (Mark A Wiener); ComOps US Coag Northeast (Dominic Lattanzi); ComOps US Coag Northeast (Ivan Holtz (Inherited)); ComOps US Coag Sales (Ivan Holtz); ComOps US Coag South (Mark Fitzgerald); ComOps US Coag West (Scott Vollet); ComOps US Corporate Accounts (Paul Kurt); ComOps US Delaware Valley Specialty (Kellee Fearon); ComOps US Delaware Valley Specialty (Marlene Gregory); ComOps US Medical Affairs Coagulation (Jerry Powell (Inherited)); ComOps US Medical Affairs Coagulation (Vidhi Desai); ComOps US Medical Affairs Coagulation I (Vidhi Desai); ComOps US Medical Affairs Immunoglobulin (Ann Bullinger); ComOps US Medical Affairs Immunoglobulin (Ayman Kafal); ComOps US Medical Affairs Specialty (Laurel Omert); ComOps US Medical Affairs Specialty (Paolo Bajcic); ComOps US Medical Information (Deirdre Smith); ComOps US Mid-Atlantic Immunology (Lori Giampaolo); ComOps US Mid-Atlantic Immunology (Michael Flaherty); ComOps US Mid-South Immunology (Cory Baldwin); ComOps US Mid-South Immunology (James Heintz (On Leave)); ComOps US Mid-South Immunology (James Heintz); ComOps US Mid-South Specialty (Bill Stokes); ComOps US Mid-South Specialty (Brett Weathersby); ComOps US Mid-West Immunology (Mark C Morgan); ComOps US North Central Specialty (Steve A Mick); ComOps US Northeast Immunology (Pamela Buschbacher); ComOps US Northeast Specialty (Craig Strok); ComOps US Northeast Specialty (Gina Blair (Inherited)); ComOps US Northeast Specialty (Rebecca Riebe (On Leave)); ComOps US Ohio Valley Specialty (Jason Flowers); ComOps US South Central Immunology (Joseph Guinan (Inherited)); ComOps US South Central Immunology (Roxanne Quirin); ComOps US South Central Specialty (David Van Buskirk); ComOps US Southeast Immunology (James Gleichowski); ComOps US Southeast Specialty (Michael Allen); ComOps US Specialty Marketing (Bernadine Koziara (Inherited)); ComOps US Specialty Marketing (Tom Groeling); ComOps US Specialty Sales (Gina Blair); ComOps US Supply Chain (Madonna Jarrett); ComOps US West Central Immunology (Greg Logsdon); ComOps US West Central Specialty (Ann Andari); ComOps US West Central Specialty (Gina Blair (Inherited)); ComOps US West Central Specialty (Kimberly Kustron); ComOps US West Immunology (Greg Hansen); Combination-Device QA (TATYANA ILYINA); Combination/Device QA (TATYANA ILYINA); Comm Dev and Scientific Affairs (Edith Rosenberg); Comm Dev and Scientific Affairs (Tara Satyanand); Comm. Oper. GE/AT/Emerg. EU Diverse (Dirk Hoheisel (Inherited)); Commercial Operations Junxin (Shaolin Huang ?HuangShaolin?); Commercial (Brent MacGregor); Commercial (Stephen Allan); Commercial Access & Policy US (Marie Mazur (Inherited)); Commercial Access & Policy US (Shanthy Krishnarajah); Commercial Account Management - Public Health (Jeffrey Benton); Commercial Argentina (Gonzalo Pereira); Commercial Business Operations Sales & Analytics (Kevin Harkins); Commercial Business Operations Training (Patrick Gostomski); Commercial Business Services (Lynda Kulp); Commercial China (Cheng-Yen Tsai ); Commercial China (Cheng-Yen Tsai ?????); Commercial China (Harold Chan ?????); Commercial Contracts US (Yvonne Blom Hilsky); Commercial Contracts US (Yvonne Hilsky); Commercial Contracts-US (Agnes Goins); Commercial Customer Operations US (John Spencer); Commercial Customer Operations US, Customer Service, Account Mgmt (Teka-Ann Forrester); Commercial Customer Service/Supply Chain (Narelle Kinson); Commercial Development (Jane True); Commercial Development Global (Debbie Drane); Commercial Development and Policy (Dirk Ulrich Hofmann); Commercial Development and Policy (Lorna Meldrum); Commercial Development and Policy (Marie Mazur); Commercial Excellence (Makoto Miura); Commercial Excellence (Roger Melliger (Inherited)); Commercial Excellence (Tomohiro Miura - ); Commercial Excellence (Tomohiro Miura ??? ?? - ??? ?????); Commercial Excellence Training & Development Office (Chiho Muto); Commercial Excellence and Training (Cheng-Yen Tsai ????? (Inherited)); Commercial Excellence and Training (Joanne Liu ); Commercial Excellence and Training (Joanne Liu ????); Commercial Governance and Transparency (Artimis Ghassemi); Commercial Governance and Transparency (Daniel Quayle); Commercial IT solutions (Thomas Wilcock); Commercial Italy (Massimo Leoni); Commercial MEA (Camilla Shen (Inherited)); Commercial Marketing US (David Ross (Inherited)); Commercial Marketing US (Glenn Omanio); Commercial Marketing US (Tara Charvat); Commercial National Accounts US (Stefan Merlo); Commercial Operations (Brent MacGregor); Commercial Operations (Deniz Bagdadi); Commercial Operations (James Gaw); Commercial Operations (Mark Ridge); Commercial Operations (Sam Dowdle); Commercial Operations Argentina (Juan Pablo Guereo); Commercial Operations Argentina (Juan Pablo Guere√±o); Commercial Operations Australia/NZ (Loretta Croker); Commercial Operations Austria (Beate Pettinger-Natmenig); Commercial Operations Austria (Beate Pettinger-Natmessnig); Commercial Operations Austria (Beate Pettinger-Natme√ünig); Commercial Operations Austria (Martin Tenlen); Commercial Operations Benelux (Patrick Reygaert); Commercial Operations Brazil (Gustavo Fernandes); Commercial Operations Canada (Philippe Hebert); Commercial Operations Chile (Juan Pablo Ambar); Commercial Operations Colombia (Eduardo Cabas); Commercial Operations Colombia (Juan Feliu (Inherited)); Commercial Operations Czech Republic (JI KAPEREK); Commercial Operations Czech Republic (JI?√ç KA¬äPEREK); Commercial Operations Czech Republic (Ondrej Halasz); Commercial Operations Denmark (Gitte Stausholm); Commercial Operations Europe (Lutz Bonacker); Commercial Operations Finance (Adrienne Ford); Commercial Operations Finance (Amanda White); Commercial Operations Finance (Marcelo Estrella); Commercial Operations Finance (Michael Kochanski); Commercial Operations France (Franck Puget); Commercial Operations GE/AT/Emerg. EU (Dirk Hoheisel); Commercial Operations Global HR (Trina Hendri); Commercial Operations Greater China (Ben Yang ?????); Commercial Operations Greater China (Harold Chan ); Commercial Operations Greater China (Harold Chan ?????); Commercial Operations Greater China Junxin (Paul Li (Inherited)); Commercial Operations Greece (Marianna Konstantinidi); Commercial Operations Hong Kong (Roger Cheng ); Commercial Operations Hong Kong (Roger Cheng ?????); Commercial Operations Hungary (Lukacs Attila); Commercial Operations Intercontinental (Markus Staempfli); Commercial Operations Italy & Greece (Oliver Schmitt); Commercial Operations Italy, Business Operations (Giuseppe Fioravante); Commercial Operations Italy, Central Italy Sales (Claudio Chiorri); Commercial Operations Italy, North Italy Sales (Maurizio Gonizzi Barsanti); Commercial Operations Italy, South Italy Sales (Paolo Lombardi); Commercial Operations Japan (Jean-Marc Morange); Commercial Operations Junxin (Qiuhui Shi); Commercial Operations Mexico (Nicolas Martinez Gould); Commercial Operations Nordic (Martin Tenlen); Commercial Operations Nordic (Ulf Hultquist); Commercial Operations North America (Robert Lojewski); Commercial Operations Poland (Grazyna Debowska); Commercial Operations Poland (Marek Skotnicki); Commercial Operations Portugal (David Ventura); Commercial Operations SG, ML & ID (Matthew Ho); Commercial Operations Slovakia (Andrea Solivajsova); Commercial Operations Slovakia (JI KAPEREK); Commercial Operations Slovakia (Ondrej Halasz); Commercial Operations Spain & Portugal (Mara Jose Sanchez Losada); Commercial Operations Spain & Portugal (Mar√≠a Jose Sanchez Losada); Commercial Operations Turkey (Aysun Acer); Commercial Operations Turkey (Aysun Yanbol); Commercial Operations Turkey (Ercin Kugu); Commercial Operations Turkey 2 (Mehmet Aydogan); Commercial Operations United Kingdom (Eddie Owens); Commercial Operations United Kingdom (Edward Owens); Commercial Operations United Kingdom II (Dan Betts); Commercial Operations, Influenza Vaccines (Linda DU); Commercial Operations, Americas (Haejin Chung); Commercial Operations, Americas (Jane True); Commercial Operations, Canada (Gillian Stafford); Commercial Operations, DE, Customer Service (Thomas Kasimirat); Commercial Operations, DE/CH/AU (Deborah Di Salvo); Commercial Operations, DE/CH/AU (Frank Eberlein); Commercial Operations, EMEA (Enric Canelles Torres); Commercial Operations, Fleet, Meetings & Travel Strategic Sourcing (Kristie Boyd); Commercial Operations, Influenza Vaccines (Linda DU); Commercial Operations, International and Pandemic (Lorna Meldrum); Commercial Operations, Italy (Maura Cambiaggi); Commercial Operations, LatAm (Carmen Pereyra); Commercial Operations, LatAm (Carmen Rosa Pereyra Davila); Commercial Operations, Marketing UK (Kaush Gandhi); Commercial Operations, North Americas (David Ross); Commercial Operations, Spain (Antonio Lloret Parellada); Commercial Operations, UK (Deborah Di Salvo); Commercial Operations, UK (Helen Concilia); Commercial Ops (John Lawrence); Commercial Ops North America (John Fudala); Commercial Ops North America (Robert Lojewski (Inherited)); Commercial Pandemic Contracts (Randall Deck); Commercial Taiwan (Cheng-Yen Tsai ?????, King Lian Wang ?????); Commercial Taiwan (King Lian Wang ?????); Commercial Taiwan (Louis Liu ); Commercial Taiwan (Louis Liu ?????); Commercial, Business Operations UK (Charlotte Wrigley); Commercial, Business Operations, Customer Support (Jeff Wettlaufer); Commercial, Customer Service UK - Liverpool (Charlotte Wrigley); Commercial, Customer Service UK ¬ñ Maidenhead (Amy Smith); Commercial, Global Fluad (Richard Bland); Commercial, Global Flucelvax & Afluria (JESSICA O''DONNELL); Commercial, Global Flucelvax & Afluria (Jessica O''Donnell); Commercial, National Accounts Field US (Aaron Hubner); Commercial, National Accounts Field US (Aaron Martin Hubner); Commercial, National Accounts Field US-Summit (Gregg Quatrini); Commercial, National Accounts UK (Raashid Mehmood); Commerical, Product Planning & Innovation (Loddie Foose); Commission & Qualification (Arelis Cabezas); Communications (Maureen Powell); Communications (Melanie Kerin); Communications (Polina Miklush); Communications (Sandra Ruckstuhl); Company Secretary (Gregory Boss (Inherited)); Company Secretary Office (Sonya Curciev); Compass / gCRM System (Giorgio Lippi (Inherited)); Compass / gCRM System Benelux (Patrick Reygaert (Inherited)); Compass / gCRM System France (Pascale Ogel Le Guen (Inherited)); Compass Excellence Center (John Eric Bunn); Compensation Programs (Anthony Dillon); Compensation Programs (Timothy O''Donnell); Competitive Intelligence (Magdalena Popesco); Compliance & Improvement Manager (Elaine Feely); Compliance (Andrea Studer); Compliance (Cindy Rocknowski); Compliance (Jeffrey Zoubek (Inherited)); Compliance (Robin A Mroz); Compliance Americas (John Neff (Inherited)); Compliance Americas (Thomas Spittal); Compliance I (Margrit Waterval); Compliance II (Dagmar Riffel (Inherited)); Compliance II (Jutta Regenfelder); Compliance Management Engineering (Rainer Kutsch); Compliance Support 1 (Volker Gawantka); Computerized Data & Instruments Systems (C√©line Pires); Computerized Data & Instruments Systems (Hiroshi Nakano); Congress (Jean-Marc Morange (Inherited)); Congress (Kyota Yamaoka ??? ?? - ???? ????? (Inherited)); Connected Healthcare (Mark Ridge (Inherited)); Construction, Engineering & Qualification (Adam Robb); Construction, Engineering & Qualification (Mike Spencer); Construction, Engineering & Qualification (Richard Hayne); Construction, Engineering & Qualification 1 (Michael Ah-Cann); Construction, Engineering & Qualification 2 (Adam Robb (Inherited)); Construction, Engineering & Qualification 2 (Jim Li); Construction, Engineering & Qualification CSL112 (Jacqueline Murphy); Content Management (Christian Mohr); Content Management (Elisabeth Averwerser (Inherited)); Contract Administration (Frances Richardson); Contract Manufacturing (Ian Goldup); Contracts / Claims Management (Kevin Rathmell [C]); Controlling & Financial Reporting (RYAN HANSEN); Controlling (Wolfgang Thiel); Corporate & Expert Services (Patrick Haeberli); Corporate Affairs (Sharon McHale); Corporate Affairs - US (Polina Miklush); Corporate Affairs and Communications (Anthony Farina); Corporate Communications (Jemimah Brennan); Corporate Communications (Jemimah Pentland); Corporate Communications - Japan (Hidemi Akazawa); Corporate Communications Business Partnering (Melanie Kerin); Corporate Communications Business Partnering 2 (Melanie Kerin); Corporate Development (Serge Scrofani); Corporate Finance (John Levy); Corporate Finance (Paul Coulter); Corporate Finance Edge Controller (Julia Wilkinson [C]); Corporate Services (Marvin Anthony Edwards II); Corporate Services (Michael Hays (Inherited)); Corpus Christi 603 (Sam Schultz (Inherited)); Corpus Christi 603 (Sam Schultz); Corpus Christi 603 (Tashana K Sanders); Corpus Christi 603 ACM Area 1 (Lorena Luna); Corpus Christi 603 ACM Area 2 (Nola V Baker); Corpus Christi 603 QA (Tara L Spitzer); Cost Center Accounting & Sales Reporting (Patrick Eley); Cost Center Controlling (Rainer Althaus); Counsel Americas (Shawn Gibbs); Counsel Americas (Shawn Michael Gibbs); Counsel EMEA (John Minardo (Inherited)); Counsel EMEA (Martin Quinn); Counsel EMEA (Virginie Didier); Country & Region Management (Geeseung Yoo); Credit & Collection (Anette Rummelsberger); Credit Collection (Paul Fellingham (Inherited)); Critical Systems - HVAC (Union) (Jeff J Parks (Inherited)); Critical Systems - HVAC (Union) (Michael D Proctor); Critical Systems - Water Systems (Union) (Jeff J Parks (Inherited)); Critical Systems - Water Systems (Union) (Jim Meils); Critical Utilities (Frank Miles III); Critical Utility Projects (Jim Meils); Culture and HR Strategy (Linda Hagerty-Dotterer); Customer Care Center I (Christian Siebert); Customer Care Center II (Oliver Weck); Customer Engagement Management (Brian Johnson (On Leave)); Customer Engagement Management (Gina Malloy); Customer Service & Logistics (Massimo Leoni); Customer Service (Bernhard Czapla (Inherited)); Customer Service (Consuelo D''Amore); Customer Service (Crystal Marie Wiles); Customer Service (Crystal Wiles); Customer Service (Holger Milkereit (Inherited)); Customer Service (Michael Bernd Rode (Inherited)); Customer Service (Rainer Adam (Inherited)); Customer Service (Robert Rohs); Customer Service (Sandra Lafoca (Inherited)); Customer Service (Sean Grinnell); Customer Service (Susanne M√∂ller (Inherited)); Customer Service ComOps Intercontinental Region (Anita Erber); Customer Service Deutschland (Roger Melliger); Customer Service France (Charlotte Rougi (Inherited)); Customer Service France (Charlotte Rougi√© (Inherited)); Customer Service France (Julien Roche); Customer Service Manager (Anna Arena); Customer Service Ops (Sean Grinnell); Customer Service and Launchmanagement (Christoph Krug); Customer Service and Launchmanagement (Jochen Wagner); Customer Service und Logistik (Susanne Pfeiffer); Customer Services & Logistics (Barbara Kemp); CyberSecurity Operations (Daniel Pekol); CyberSecurity Operations (Edward Ferrara (Inherited)); Cytogam (Thomas Beer); DGL 1 (Advait Jagirdar); DOCI eClinical Technology (Thomas Verish (Inherited)); DS Manufacturing (Barbara Beugger); DS Manufacturing (Matthias Kaeser); DSP & Analytics (Michael Schmitt); DSP Engineering (Dave Tomsik [C]); DSP Engineering (Rene Boros); DSP Laboratories (Arnaud Vonarburg); DSP Manufacturing 1 (Matthias Kaeser); DSP Manufacturing 2 (Baptiste Leclerc); DTP & Graphical Control (Metin Yilmaz (Inherited)); Dallas 078 (Brenda C Greenfield (Inherited)); Dallas 078 (Elizabeth Casillas); Dallas 078 (Elizabeth Trejo); Dallas 078 ACM Area 1 (Rhonda Shields); Dallas 078 ACM Area 2 (Brenda C Greenfield (Inherited)); Dallas 078 ACM Area 2 (Melissa J Chapman); Dallas 078 QA (Carlotta McCoy); Dallas 078 QA (Wajeehah Al-Uqdah); Dallas 510 (Elizabeth Casillas); Dalton 296 (Brittany Goforth); Dalton 296 ACM Area 1 (Dana Hibbs); Dalton 296 ACM Area 2 (Annette L Switzer); Dalton 296 QA (Wayne J Bixler); Dangyang Clinical Inspection (Xingzuan Zhang ?????); Dangyang Inspect (Liuqing Wan ); Dangyang Inspect (Liuqing Wan ?????); Dangyang Inspection (Pingfan Zhang ?????); Dangyang Office Management (Wanwan Zhu ); Dangyang Office Management (Wanwan Zhu ?????); Dangyang Office Management (Xiaoquan Zhu ?????); Dangyang Plasma Collection (Yingshuang Li ); Dangyang Plasma Collection (Yingshuang Li ?????); Dangyang Plasma Collection Center (Jack Zhou ); Dangyang Plasma Collection Center (Jack Zhou ?????); Dangyang Plasma Collection Center (Qingqing Wang ?????); Dangyang Plasma Collection Management (Yaling Zhu ); Dangyang Plasma Collection Management (Yaling Zhu ?????); Dangyang Plasma Sourcing (Meng Hu ); Dangyang Plasma Sourcing (Meng Hu ????); Dangyang Plasma Sourcing Management (Xuejun Wang ); Dangyang Plasma Sourcing Management (Xuejun Wang ?????); Data Analytics & Metrics (Bill Bigney); Data Analytics (Aaron Imig); Data Analytics (Constanze Buchter); Data Analytics (John Choy); Data Analytics (Michael Schrder (Inherited)); Data Governance (STEPHEN SMITH); Data Management (Steven Carr); Data Management (Thomas Hahlgans); Data Management KOP 1 (Mara Strelecki); Data Management Operations (Charles Johnson); Data Operations&Clinical Infrastructure (Thomas Verish (Inherited)); Data Operations&Clinical Infrastructure (Thomas Verish); Data Services (Don Konemann); Data Services (Sachin Ohal); Data and Analytics (Enterprise Applications) (Robert Hawker); Data and Analytics Center of Excellence (Thomas Gsponer); Database (Bhavesh Patel); Davenport 424 (Greg Boden); Davenport 424 ACM Area 1 (Jacinda L Head); Davenport 424 ACM Area 2 (Tabathia Ann Dells); Davenport 424 QA (Christopher R Doerscher); Dayton 408 (Daniel K Osborne); Dayton 408 (Megan L Waldeck); Dayton 408 ACM Area 1 (Ashley Instone); Dayton 408 ACM Area 1 (Shalia Sloan); Dayton 408 ACM Area 2 (Ashley K McConnell); Dayton 408 QA (Daniel K Osborne); Dayton 408 QA (Megan L Waldeck); Decatur 104 (Antonia Geiselmayr); Decatur 104 ACM Area 1 (Binh Tang); Decatur 104 ACM Area 1 (Shauntia Cobb); Decatur 104 ACM Area 2 (Antonia Geiselmayr (Inherited)); Decatur 104 ACM Area 2 (Binh Tang); Decatur 104 QA (Amaris A Wiggins); Decatur 104 QA (China Washington); Decatur 104 QA (Kyle M Lehrke (Inherited)); Decatur 446 (Amber McCullough); Decatur 446 (Jordon Lyon); Decatur 446 (Sentoria D Leonard-Brown); Decatur 446 ACM Area 1 (Amber McCullough (Inherited)); Decatur 446 ACM Area 1 (Amber McCullough); Decatur 446 ACM Area 2 (Aja Marbley); Decatur 446 ACM Area 2 (Amber McCullough (Inherited)); Decatur 446 QA (Tony D Giebelstein Jr); Delivery Support (Christopher A Betterton); Delivery Support (Robert Boland (Inherited)); Demand Planner (Rose Cimbora); Demand Planning (Ann Cipkins); Demand Planning (Tsutomu Nagoya ???? ? - ??? ????); Dept 1216 Antivenom Manufacture (Andrew Penhale); Dept 1216 Antivenom Manufacture (Cassandra Smoult); Dept 822, Cell Culture and Purification (Jamie Black); Development & chem. Quality Control (Daniel Frattini); Development Applications (Andy Chung); Development GMP Laboratory (DGL) (Andreas Meister (Inherited)); Development GMP Laboratory (DGL) (Heike Gocht); Development Projects (Heather Davis (Inherited)); Development and Support (Johannes Schiebel); Development and Support (Stefan Schmidbauer); Digital Communications (Mairian Gildea); Digital Communications (Piers Dickinson); Digital Delivery & Data (Robert Boland); Digital Health (Brian Johnson); Digital Strategy Implementation (David Christie); Digital Workplace (Dana Leeson); Dir Com Op - Vaccines (Helen Concilia); Dir, Health Economics 724 (Stuart Harsley); Direct Procurement (Angelia Crumbley); Director Clinical Science (Janine Oberije); Director Comm Ops - Pharma (Danielle Dowell); Director HR 924 (Yvette Saunders); Director QA Continuous Improvement & Issues Management (Adrian Meade); Director Quality Control (Leonora Pancho); Director Supply Chain (Lachlan Cruise); Director of Engineering (Brian Price); Director of Manufacturing, Products of National Significance (Cassandra Smoult); Director of Manufacturing, Products of National Significance (Lisa Lamb); Director, Commercial Operations NZ (Catherine Murphy); Director, Marketing (Rachel Jensen); Director, Marketing (Theo Horafiaris); Director, Program Execution (Gail Dawson); Dispatch (Bernd Schfer); Dispatch (Bernd Sch√§fer); Dispatch (Igor Kaucher (Inherited)); Dispensing, Medium & Buffer Preparation (Vreni Frtsch); Dispensing, Medium & Buffer Preparation (Vreni F√∂rtsch); Distribution (Jasmine Ma ?????) (Jasmine Ma ?????); Distribution (John Conway); Distribution (Maggie Wan ); Distribution (Maggie Wan ?????); Distribution (Nan Wang ); Distribution - Central Region (Lu Jin ); Distribution - Central Region (Lu Jin ????); Distribution - DTP, China (Cissy Xi ????); Distribution - East Region (Zhan-jun Liu ); Distribution - East Region (Zhan-jun Liu ?????); Distribution - North Region (Feng Rui ); Distribution - North Region (Feng Rui ????); Distribution - North Region (Kaijian Zhao ?????); Distribution - South Region (Nan Wang ????); Distribution - South Region (Sunny Sun ); Distribution - South Region (Sunny Sun ?????); Distribution - Tendering (Yanfang Zhou ?????); Distribution - West Region (Xuemei Zeng ); Distribution - West Region (Xuemei Zeng ?????); Distribution CH U8 (Rafael Gasser); Distribution CH U8 (Thomas Ryser (Inherited)); Distribution Junxin (Yanfang Zhou ); Distribution Junxin (Yanfang Zhou ?????); District Heights 210 (Cecelia Cutchin); District Heights 210 QA (ALISON CONLEY); District Heights 210 (Cecelia Cutchin); District Heights 210 (Michael W Solomon); District Heights 210 ACM Area 1 (Mickey Wilson); District Heights 210 ACM Area 1 (Tamika Hogan); District Heights 210 ACM Area 2 (Tamika Hogan); District Heights 210 QA (ALISON CONLEY); District Heights 210 QA (Abigail Brown-Delostrinos); Documentation (Arno Karnholz (Inherited)); Documentation (Dominik Erhart); Documentation Management and GMP Training (Jin Tao ); Documentation Management and GMP Training (Vicky Fang ????); Documentation Starting Materials (Angelika Jung); Documentation Starting Materials (Simone Lang); Dothan 504 (Demetia Scott); Dothan 504 ACM Area 1 (Olivia McVey); Dothan 504 ACM Area 2 (Kaitlyn M Delamore); Dothan 504 QA (Roxanne K Schaeffer); Douglas 190 (Alejandra Gonzalez); Douglas 190 (Jose Pineda); Douglas 190 ACM Area 1 (Irma Ornelas); Douglas 190 ACM Area 2 (Alejandra Gonzalez); Douglas 190 ACM Area 2 (Marisela Nunez); Douglas 190 QA (Andrew Larson); Downstream Manufacturing (Alan Cartwright); Downstream Manufacturing Days (Alan Hudson); Downstream Manufacturing Engineering (Anthony Flynn); Downstream Manufacturing Shift 1 (Neil Myerscough); Downstream Manufacturing Shift 2 (Edward Bucknall); Downstream Manufacturing Shift 3 (Alan Hudson); Downstream Manufacturing Shift 3 (Neil Myerscough); Downstream Manufacturing Shift 4 (Craig Ridyard); Downstream Manufacturing Shift 4 (Edward Bucknall); Drawing Office (Andrew Brown); Drug Product (Nicola Di Maiuta); Duluth 613 (Dennis J Lofald); Duluth 613 (Veronica J Kaspszak); Duluth 613 ACM Area 1 (Jenn Jackson); Duluth 613 ACM Area 2 (Angela J O''Hara); Duluth 613 QA (Heidi E Woolhouse); Durham 074 (Thomas Kisicki Jr); Durham 074 ACM Area 1 (Keonna Austin); Durham 074 ACM Area 2 (Damonta A Burch); Durham 074 QA (Meia Moore); E&I with MES/Systems (Josh Mills); E-Support (Marco Grossniklaus); E2E Operations Finance (Marcelo Estrella); ECI Finance/Controlling (Salim Ketata); EEMEA Finance/Controlling (Amanda White); EHS & Business Resilience (Lynette Hodgden); EHS (Liam Ryan); EHS Bern (Lone Carlsen); EHS Bern (Rolf Ingold); EHS Bern (Ulrich Schuerch); EHS Design Construction & Process Safety (Aaron Duff); EHS Kankakee (Dale C Rosene); EHS Kankakee (Lynette Hodgden (Inherited)); EHS Kankakee 2 (Allan Wise); EHS Kankakee 2 (Andrew Uftring); EHS Marburg (J√ºrgen Kanand (Inherited)); EHS Marburg (zcan Campinar); EHS Marburg (√ñzcan Campinar); EHS Plasma (BARBARA WUNDER); EHS Security (Adam Kennell); EHSS Lengnau (Harry Hohl); ELS A (Alain Ducaud); ELS A (Susanne Heins); ELS Z (Peter Reusser); ELS Z (Simon Haenni); EM (Tina Liu); EMEA (Anja Brunlich); EMEA (Anja Br√§unlich); EMEA HR Ops Marburg Team (Inga Menzinger-Koradin); EMEA Service Delivery (Cornelia Huber); EMEA Service Desk (Filipe Cabete); EMEA Service Operations (Bernd Boucsein); EMEA Site Services (Raluca Hodgson); EMR GH Gruppe; EMR HW Gruppe (Patrick Laukel); EMR NBF Gruppe (Thomas Peil); ERP Applications (Mourad Boulanouar); ERP Applications (Nagesh Ramesh); ERP Solution (Rajan Thomas); ERP Solution (Rajan Thomas) (Rajan Thomas); ERP Solution Center (KoP) (Peter Eliasson); ERP Solution Center (MBR) (Jochen Preis); ERP Solution Center (Neelesh Kulkarni); ERP Solution Centre (AU) (Shama Ravindran); ERP and Enterprise Applications (Steven Harvey); ES Qualification (Michael Kocher); ETA (Colin Steele); ETA (Ian Mackay); ETA (Tim Bullock (Inherited)); ETA + Utilities & Services (Michael Elmer); EU Qualified Person for PhV (Andrew Bond); EU Qualified Person for PhV (Frank Mauler); EU TA Coagulation (Bianca Petzold); EU TA Coagulation (Damian Gilkerson); EU TA Coagulation (Sinem Kaba Pasqualon); EU Therapeutic Area Immunology & Neurology Europe (Peter K Tadros); EU-QPPV Office Lead (Gudrun Dechert); EU/ROW RA Franchise Cell and aQIV (Susan Cameron-Laxton (Inherited)); Early DSP Development (Michael Schmitt (Inherited)); Early Stage DSP Development (EDD) (Lars Robbel); Early Stage DSP Development (EDD) (Michael Schmitt); Early Stage DSP Development (Olga M√ºller); Early USP Development (Jrg Gnther); Early USP Development (J√∂rg G√ºnther); Early USP Development (Stefan Debus); Early Upstream Development (Emmanuel Bizier); Early Upstream Development 1 (Ian Walker); Early Upstream Development 2 (Ellen Otte); East Point 193 (Kimberly Bragg); East Point 193 (William A Voltz); East Point 193 ACM Area 1 (Marshaya Johnson); East Point 193 ACM Area 1 (ROSALIND MCCOY); East Point 193 ACM Area 2 (Latasha A Wech); East Point 193 QA (Amaris A Wiggins); East Point 193 QA (Danelle Jones); East Point 193 QA (Melodee C Ebel (Inherited)); East Providence 202 (Christopher Travalik (Inherited)); East Providence 202 (PAUL BURKE); East Providence 202 (Sean Delong); East Providence 202 ACM Area 1 (Jacqueline Levasseur); East Providence 202 ACM Area 2 (Christine Riebe); East Providence 202 QA (Desiree Guerrero); East Providence 202 QA (Tatyani Guest); Eau Claire 514 (Kayla L Stueber); Eau Claire 514 QA (Melissa K Latourelle); Edge Commercial (Darren Hawker); Edge Finance (Matthew Rees (Inherited)); Edge Financial Accounting (Barry Johnston); Edge Manufacturing (Andrew Penhale); Edge Parkville (Matthew Rees); Edge Parkville - GLIMS (Helen Mihaljevic); Edge Planning (Brent Gorham); Edge Procurement (Mark Van Der Poel); Edge Programme (Ian Dick); Edge Programme (Philip Troughton); Edge Quality (Kate Waterman); Educational Meetings (Marco Kuhn); El Paso 197 (ALEX MARIN); El Paso 197 (Heather Jex); El Paso 197 ACM Area 1 (Michael Garcia); El Paso 197 ACM Area 2 (Cynthia Marquez); El Paso 197 QA (Amanda Robles); El Paso 197 QA (Brenda C Greenfield (Inherited)); El Paso 197 QA (CATIA LOPEZ); El Paso 248 (Edgar Rodriguez); El Paso 248 ACM Area 1 (Manuel Jaramillo); El Paso 248 ACM Area 2 (Albert Lozano); El Paso 248 QA (NOHEMI GARCIA); El Paso 279 (Alejandro Perales); El Paso 279 ACM Area 1 (Crystal Ramirez); El Paso 279 ACM Area 2 (Vanessa Pena); El Paso 279 QA (Kenya Villarreal); Electrical / I&C / BMS (Jan Klee); Electrical Engineer (Tien Nguyen); Electrical Maintenance (Marcel Ziegler); Electrical Maintenance (Vittorio D''Argento (Inherited)); Electro Maintenance (Simon Urfer); Electronic Laboratory Systems (ELS) (Susanne Heins); Electrophoresis and Immunoassays (Michael Albers); Elektroniker fr Automatisierungstechnik (Carmen Walldorf (Inherited)); Elektroniker f√ºr Automatisierungstechnik (Doris Nake (Inherited)); Elternzeit Bielefeld (Kirsten Scheibel (Inherited)); Elternzeit Bielefeld (Kirsten Scheibel); Elternzeit Diverse (Andreas Gehrich (Inherited)); Elternzeit Diverse (Andreas Gehrich); Elternzeit Diverse (Annette Pernitzsch (Inherited)); Elternzeit Diverse (Annette Pernitzsch); Elternzeit Diverse (Claudia Habenicht (Inherited)); Elternzeit Diverse (Claudia Habenicht); Elternzeit Diverse (Damaris Kieckh√∂fer); Elternzeit Diverse (Stephani Keltsch); Elternzeit Diverse (Sven Schuhmann (Inherited)); Elternzeit Diverse (Sven Schuhmann); Elyria 165 (Karin M Rothig); Elyria 165 ACM Area 1 (Nathan G Dailey); Elyria 165 ACM Area 2 (Gabrielle N Scalese); Elyria 165 QA (Calvin Juguilon); Elyria 165 QA (Jason A Skonecki); Emerging Europe (Christian Wieszner); Emerging Europe (Dirk Hoheisel (Inherited)); Employee Relations (Bonnie Shor (Inherited)); Employee Relations (Bonnie Slone (Inherited)); Employee Relations 1 (Tricia N Jackson); Employee Relations 2 (Jan Cameron); Employee Relations 3 (Emmanuella Hedge); End User Services (Christian Reinhardt); End User Services (Rolf Tr√ºmper); Endwell 220 (Barbara Ferrese); Endwell 220 ACM Area 1 (Richard Barber); Endwell 220 ACM Area 2 (Barbara Ferrese (Inherited)); Endwell 220 ACM Area 2 (Tara Streeter); Endwell 220 QA (Aarsalaan Semna); Endwell 220 QA (Richard Purdy II); Energy Management (Anna Fellenberg); Energy/WAD (Sandro Jenzer); Energy/WAD 1 (Michael Hirschi); Eng Business & Systems Mgr (Nicholas Moody); Eng Services - Ops (Mark Mansour); Eng Services -Ops (Rohit Dhorje); Eng Services-Ops (Damien Barri (Inherited)); Eng Services-Ops (Michael Spiteri); Eng Services-Ops (Victor Karafilis); Engineering (Bulk) (Jeff Rehborg); Engineering (Bozana Dujak); Engineering (Bulk) (Jeff Rehborg); Engineering (Controls) (Dennis Prom); Engineering (Controls) (Scott Bilkey); Engineering (Controls) I (Dennis Prom); Engineering (Howard Wilton); Engineering (Johannes Krmer); Engineering (Johannes Kr√§mer); Engineering (My Linh Ly); Engineering (Qualification) (Jeff Mihaichuk (Inherited)); Engineering (Qualification) (Matthew Galley); Engineering (Rainer Kraus); Engineering (Richard Friar); Engineering Compliance (Connie Costanzo); Engineering Data Management (Susan Clough); Engineering Lengnau (Olaf Thiel); Engineering Liverpool (Kevin Ridley); Engineering MAB/Gene Therapy (David Glover); Engineering Maintenance Mgr (Andrzej Wawrzykowski); Engineering Production Manager (Karen Spencer); Engineering Production Manager (Mark Davide); Engineering Production Manager (Stuart Barnes); Engineering Projects Dept (Stuart Freeland-Small); Engineering Projects Manager (Anthony Wrzesinski (Inherited)); Engineering Projects Manager (Anthony Wrzesinski); Engineering Projects Manager (David Ryan); Engineering Serv (Narein Mather); Engineering Serv (Sudhir Kamath); Engineering Serv - Drawing Office (Peter Dubuisson-Perrine); Engineering Serv - Maintenance (Michael Bell); Engineering Serv - Maintenance (Shiran Fernando); Engineering Serv - Management (Crystal Penaluna); Engineering Serv - Management (Geoff Armstrong); Engineering Serv Plan &Support (Benjamin Terbeeke); Engineering Serv Plan &Support (Deepak Cherian); Engineering Serv Plan &Support (Satya Dara (Inherited)); Engineering Serv Plan &Support (Satya Dara); Engineering Services Ops (Jarvis Walker); Engineering Services (Arnold Nigsch); Engineering Services (Atul Malhotra); Engineering Services (Bradley J Eberhart); Engineering Services (Daniel Reveron); Engineering Services (Franz Arnold Nigsch); Engineering Services (James E Viane Jr); Engineering Services (Jose Gonzalez (Inherited)); Engineering Services (Peter Szitas); Engineering Services (Victor Marinelli); Engineering Services - Maintenance (Matthew Johnson); Engineering Services - Maintenance E/I (Jason Fletcher (Inherited)); Engineering Services - Maintenance E/I (Jason Fletcher); Engineering Services - Maintenance E/I (Matt Downey); Engineering Services - Maintenance E/I 1 (Samuel Kanyongo); Engineering Services - Maintenance E/I 2 (Ronnie Mercieca); Engineering Services - Maintenance E/I 3 (Ben Hillman); Engineering Services - Maintenance E/I 4 (ANDREW Rawlinson); Engineering Services - Maintenance E/I 5 (Haisley Okpako); Engineering Services - Maintenance E/I 6 (Jim Haines); Engineering Services - Ops (Amanda Sim); Engineering Services - Ops (Jason Chan); Engineering Services - Ops (Lee Dengler); Engineering Services 3 (Gene Bohn); Engineering Services I (Daniel Reveron); Engineering Services Process Leader (Tim Bullock); Engineering Services ¬ñ Ops (Jarvis Walker); Engineering Standards (Adam Dragolic); Engineering Support (Crystal Penaluna (Inherited)); Engineering Support (Crystal Penaluna); Engineering Support (Geoff Armstrong (Inherited)); Engineering Support (Jayne Crowley); Engineering Technology Transfer (Shannon Boudreau); Engineering, PKV (Anthony Wrzesinski); Engineering, PKV (Brian Price); Engineering/PJM (Roger Stoffel); Engineering/PJM (Sven Schwerdtfeger); Enshi Inspection (Binming Tian ?????); Enshi Plasma (Xiaoxing Jiang ); Enshi Plasma (Xiaoxing Jiang ?????); Enshi Plasma Collection Center (Genxiong Zhou ?????); Enshi Plasma Collection and Office Administration (Min Zhang ); Enshi Plasma Collection and Office Administration (Min Zhang ????); Enshi Plasma Operations (Jing Wang ); Enshi Plasma Operations (Jing Wang ????); Enshi Plasma Sourcing (Liu Yang ????); Enshi Quality Control (Xiaohong Tan ?????); Enshi Quality Control Management (Stevin Cheng ); Enshi Quality Control Management (Stevin Cheng ?????); Enshi Quality Control Management (Xiaoping Tang ?????); Enshi Quality Inspection (Yinglong Liu ); Enshi Quality Inspection (Yinglong Liu ?????); Enshi Supply Management (Hong Yuan ); Enshi Supply Management (Hong Yuan ????); Enterprise Analytics (John Thompson); Enterprise Applications (Charles Lowe); Enterprise Applications (David Christie); Enterprise Applications (Martin Jones (Inherited)); Enterprise Architecture (Ian Wilson); Enterprise Architecture (Keith Walbert); Enterprise Architecture (Movi Banerjee); Enterprise Business Solutions (David Wolozyn); Enterprise Data Management (Matt Barnett); Enterprise Excellence (Andrew Croft); Enterprise Execution Systems (Frank Mastellone); Enterprise Infrastructure & Operations (Bernard Shepard); Enterprise Infrastructure & Operations (Don Konemann (Inherited)); Enterprise Infrastructure & Operations (Greg Misyak); Enterprise Investment Portfolio Management (Aymeric Ange); Enterprise Learning Management (Justin Huss); Enterprise Portfolio & Governance (Matthew Cam (Inherited)); Enterprise Portfolio & Governance (Matthew Cam); Enterprise Portfolio & Governance (Matthew Kokkonen); Enterprise Process Management (Desire Djomani); Enterprise Process Management (Linda Carducci (Inherited)); Enterprise Process Management (Matthias Kienast); Enterprise Security & Risk (Edward Ferrara); Enterprise Security & Risk EMEA (Jrg Koch); Enterprise Security & Risk EMEA (J√∂rg Koch); Enterprise Security - Identity and Access Management (Rebecca Daniels); Enterprise Security - Identity and Access Mgmt (Rebecca Daniels); Enterprise Security Architecture (Wilfried Ziegler); Enterprise Site Management (AU/Asia) (Don Konemann (Inherited)); Enterprise Site Management (AU/Asia) (Viv Louzado); Enterprise Site Management (Andr√© Strahm); Enterprise Site Management (Michael Furchert); Enterprise Site Management MBR (Michael Furchert); Environment (Barbara Dix); Environment Health Safety Sustainability (Dale C Rosene); Environment Health Safety Sustainability (Lynette Hodgden (Inherited)); Environmental Health & Safety (Andrew Hanley); Environmental Health & Safety (David Nelson); Environmental Health & Safety (David Stewart); Environmental Health & Safety (Filanthy Nalpantidis); Environmental Health & Safety (Prue McKeown); Europe Global Reg Affairs (Hazel-Anne Griffiths); Europe HR Ops Tier 1 (Katrin Schpbach); Europe HR Ops Tier 1 (Katrin Sch√ºpbach); Europe HR Ops Tier 1 (Stephan Sch√§ufele (Inherited)); Europe HR Ops Tier 1 (Sylvia Potocnik); European Sourcing Packaging (Matthias Engler); Evansville 614 (Coltin L Springate); Evansville 614 (Michelle S DeCambre); Evansville 614 (Scott Ward); Evansville 614 ACM Area 1 (Tani Baugher); Evansville 614 ACM Area 2 (Ian C Fox); Evansville 614 QA (Karla K Cooper); Execution Systems (Matt Casey); Executive Admin (Rupal Pandit); Executive Assistant & Travel Office (Eliane Bossart); Executive Assistant (Joanne Du); Executive Assistant (Sarah Gleeson); Executive Compensation & Equity (Micaela Costello); Experimental Unit (Felix Hiltwein); Export Admin LatAm (Cindy Jacobs); External Communications (Natalie de Vane); External Materials (Dominik Corbet); External Supply Integration (Cameron Barrett); External Supply Quality Assurance (Eva Streit); External processes (Andr Strahm); External processes (Andr√© Strahm); External processes (Simon Haemmerli); F IX, F II, Inhibitors (Carlotta Debnar-Daumler); F VIII & F IX (Barbara Kalina (Inherited)); F VIII & F IX (Horst Boeder); FBP Project and Portfolio Support (Ritesh Kumar); FP - Non Process Engineering and Construction Management (Jennifer Mastio); FP - Non Process Engineering and Construction Management (Rolf Mnig); Fachlageristen (Carmen Walldorf (Inherited)); Fachlageristen (Doris Nake (Inherited)); Facilities & Utilities (Adila Zaidi); Facilities & Utilities (Bradley J Eberhart (Inherited)); Facilities (Claire Behforooz); Facilities Develop & Services (Barbara Anderton); Facilities Develop & Services (Cameron Cook); Facilities, Capex and Drawing (Mark Hughes); Facilities, Utilities & Services (Michael Elmer); Facility & Waste Management (Michael Andrey); Facility & Workspace Management (Samuel Maurer); Facility Compliance Specialist (Andrew Stalder); Facility Management (Christian Daum); Facility Management (Hansjoerg Bettschen); Facility Management (Hanspeter Bruni); Facility Management (Michael Andrey); Facility Project Management - Non Process Engineering and Construction (Rolf M√∂nig); Facility Project Management - Process Engineering (Darren Vegara (Inherited)); Facility Project Quality Management (Brian Grimson [C]); Facility Project Quality Management (Graham William Telford); Facility Services (Alex Elandt [C]); Facility Services (Alex St√§hli); Facility Services (Sabine Beck); Facility Services (Samuel Maurer); Facility, Data & Laboratory Management (Robert Schwanzer); Faktor X Produkte (Carlotta Debnar-Daumler); Fayetteville 266 (Grant Strayer); Fayetteville 266 ACM Area 1 (Kady-Ann Foster); Fayetteville 266 ACM Area 2 (Joshua Simpson); Fayetteville QA 266 (Daniel Huereca); Federal Way 110 (Tamara Ann Owens); Federal Way 110 ACM Area 1 (Nancy Martinez); Federal Way 110 ACM Area 1 (Tamara Ann Owens); Federal Way 110 ACM Area 2 (Tamara Ann Owens (Inherited)); Federal Way 110 ACM Area 2 (Tiffani Brazzell); Federal Way 110 QA (Jenny Bardwell); Federal Way 110 QA (Simon P Dickinson); Fermentation Research (Thomas Rein); Fertigungselektronik (Michael Kraft); Fertigungselektronik 1.0 (Thomas Grn-Fischer); Fertigungselektronik 1.0 (Thomas Gr√ºn-Fischer); Fertigungselektronik 2.0 (Ralf Gerlach); Fertigungselektronik 2.1 (Ralf Gerlach); Field Sales (Angus Gordon); Field Sales (Catherine Murphy (Inherited)); Field Sales (Kim Fry); Field Services BRN & LGN (Urs Derungs); Field Support (Brett A Wintheiser); Field Support (Brett Wintheiser); Field Support (Robin G Palmer (On Leave)); Field Support (Robin G Palmer); Fill - Finish (Pasquale Carestia); Fill / Finish (Pasquale Carestia); Fill / Finish Manufacturing (David Hartley); Fill /Finish Process Improv Manager (Joseph Connor); Fill Area (Barbara Beugger); Fill Area (Nicola Di Maiuta); Fill Finish (Beat Allemann); Fill Finish (Nicola Di Maiuta); Fill Finish (Shannon Thorp); Fill Finish Marburg (Frank Emmerich); Fill Finish Marburg (Helmut Robert Euler); Fill Finish Operations (Lasher Rao ); Fill Finish Operations (Lasher Rao ?????); Fill Finish Operations (Philip Troughton); Fill Process Technology (Herman Schinkelshoek); Fill and Finish Support (Melissa Addamo); Fill finish (Ian Middleton); Fill finish (John Riley); Fill finish (Marion Taligault Owens); Fill/Finish Formulation (Caterina Colantoni); Fill/Finish Formulation (Norm Mancuso (Inherited)); Filling & Packaging Mechanical Team (Adam Steegstra); Filling & Packaging Mechanical Team (Tharanga Abeysinghe); Filling & Visual Inspection (Eveline Kindler); Filling (Adrian Carni); Filling (Andreas Gavriel (Inherited)); Filling (Andreas Gavriel); Filling (Andrew Marshall (Inherited)); Filling (Andrew Marshall); Filling (Cuong Nguyen); Filling (Daniel Locandro); Filling (Igor Belevski); Filling (Joselito Bautista); Filling (Marion Taligault Owens); Filling H69 & Refludan (Matthias Klein); Filling I (Eveline Kindler); Filling II (Celio Ferreira); Filling II (Simone Wettstein); Filling Line & Lyophilisation (Michael Gisler); Filling Line I & II (Adrian Aeschlimann); Filling Line I & II Equipment Preparatio (Werner Steiner); Filling Line I & II Group 1 (Urs Cotting); Filling Line I & II Group 2 (Markus Rindisbacher); Filling Line I & II Group 3 (Bruno Zuercher); Filling Line I & II Group 3 (Roland Gerber); Filling Line I&II Pasteurisat./Incubat. (Eduard Wittwer); Filling Line II Pasteurisat./Incubat (Roland Lerch); Filling Line III & IV (Mathias Beck); Filling Line III (Mathias Beck); Filling Line III Group 1 (Sasa Lazarevic); Filling Line III Group 2 (Christian Schmid); Filling Line III Group 2 (Daniel Kraehenbuehl); Filling Line III Group 3 (Ulrich Beat Wildi); Filling Line III Support (Daniel Kraehenbuehl); Filling Line IV (Jean-Claude Cauderay); Filling Line IV, Lyo & Support (Alexander Kissler); Filling Line IV, Lyo & Support (Jean-Claude Cauderay); Filling Line V (Andrea Jantsch); Filling Line V (Anna Meier); Filling M 305 (Esther Seidel); Filling Non Privigen (Mayur Bannore); Filling Operations (Chenyi Guo ?????); Filling Operations (Wei Xiao ); Filling Privigen (Narelle Urli); Filling Privigen (Tyson Parker); Filling Support (Andrew Marshall); Filling Toll Plasma (Dale Peel); Filling Toll Plasma (Laxman Trichinapalli); Filling Toll Plasma (Narelle Urli); Filling Toll Plasma (Peter Koelmeyer); Filling Toll Plasma (Rebecca Hayes); Filling Toll Plasma (Robert La Ferla); Filling V Group 1 (Eike Gredler); Filling V Group 1 (Roger Wamister); Filling V Group 1 (Thomas Daehler); Filling V Group 2 (Michael Roos); Filling V Group 2 (Thomas Daehler); Filling and Packaging (Narelle Urli); Filling and Packaging (Tyson Parker); Filling/Lyo/Visual Inspection (Michael Gisler); Final Product Manufacturing / Production Services (Othmar Geisser); Final Product Planning (Ingo Kling); Final Product Planning (Jan-Christopher Gerlach); Final Product Planning (Julian Knabeschuh); Finance & Accounting (Eisuke Kofugata); Finance & Accounting (Haruka Utsugi (Inherited)); Finance & Accounting Japan (Izumi Yoshida - ); Finance & Accounting Japan (Izumi Yoshida ??? ??? - ??? ????); Finance & Controlling (Devun Dusoruth); Finance & Controlling (Ebru Kuntay); Finance & Controlling (Jonathan Ho); Finance & Controlling (Justin Mericle); Finance & Controlling HU (Togya Gergely); Finance & Controlling Italy (Annalisa Saracchi); Finance (Amy Kishikawa); Finance (Avi Singh); Finance (Becky Heatherman); Finance (Carolyn Xiong ????); Finance (Damian Gaylor); Finance (Daniel Janides); Finance (Fergus Patrick McLellan); Finance (Frank Liesner); Finance (Harold Chan (Inherited)); Finance (Helen Gearing); Finance (Jacqui Lomas (Inherited)); Finance (Jacqui Lomas); Finance (John Levy); Finance (Karol Bian ?????); Finance (Kate Tse); Finance (Ken Lim); Finance (Konstantin Petropoulos); Finance (Lena Shi ????); Finance (Luke McMahon (Inherited)); Finance (Luke McMahon); Finance (Melody Orbiso); Finance (Nicole Pryde); Finance (Nishant Popat); Finance (Shalini Goundar); Finance (Siu-Yin Yu ?????); Finance (Vicci Quagliarella); Finance (Wolfgang Thiel); Finance (Xiaowei Yin ); Finance (Xiaowei Yin ?????); Finance / Tax Marburg (Fatma Kremser); Finance Belgium (Jrgen Bond); Finance Belgium (J√∂rgen Bond); Finance Business Partner Commercial EMEA (Simon Briscoe); Finance Business Partnering Operations (Daniel Janides); Finance Business Partnership (Jason Sowles); Finance Business Partnership (Michael T McAvoy); Finance Business Partnership I (Michael T McAvoy); Finance China (Karol Bian ?????); Finance Commercial LATAM (KRISTINE SOLOMON (Inherited)); Finance Commercial LATAM (Martin Descotte); Finance Czech Republic / Slovakia (Libor Ballek); Finance Director: Lead Business Partner (Sharon Tindley); Finance EU Commercial (KRISTINE SOLOMON (Inherited)); Finance EU Commercial (Kristine Solomon (Inherited)); Finance France (Charlotte Rougi√©); Finance Global Commercial (KRISTINE SOLOMON); Finance Global Commercial (Kristine Solomon); Finance Greece (Christos Papadatos (??????? ?????????)); Finance Greece (Efstathios Lymperopoulos); Finance Netherlands (Jrgen Bond); Finance Netherlands (J√∂rgen Bond); Finance Nordic (Carl Werner); Finance Portugal (David Roig Martinez); Finance Spain (David Roig Martinez); Finance UK (Paul Fellingham); Finance US Commercial Operations (Robert Smith Jr); Finance and Admin (Elena Kondrashova); Finance and Controlling (Devun Dusoruth (Inherited)); Finance and Controlling (Doris Kamtner); Finance and Controlling (Franz Gr√ºn, Doris Kamtner); Finance and Controlling (Ulrike Bridi); Finance, Accounting & Reporting (Beeharrylall Jeetun); Finance, Business Modelling (Helen Gearing (Inherited)); Financial Planning & Analysis (Duncan Webber); Financial Planning and Analysis (Haruka Utsugi); Financial Planning and Analysis 1 (Christopher Pulupa); Financial Planning and Analysis 2 (Christopher Pulupa (Inherited)); Financial Planning and Analysis 2 (Daniel Ganaishlal); Financial and Reporting Accountant (Hayley Jackson); Financial and Reporting Accountant (Ryan Brown [C]); Financial and Reporting Accounting (Callum Bircham); Finishing & Infrastructure (Laurent Wagner); Finishing & Infrastructure (Roger Stoffel); Flint 161 (Anjela Johnson); Flint 161 (Carlotta McCoy); Flint 161 ACM Area 1 (Janie Cary); Flint 161 ACM Area 1 (Trina L Bryant); Flint 161 ACM Area 2 (Carlotta McCoy (Inherited)); Flint 161 ACM Area 2 (Khatija Moiz); Flint 161 QA (Allante S Williams); Flint 161 QA (Andrea K Coleman); Forecasting & Strategic Analytics (Joshua Prince); Forecasting & Strategic Analytics (MANISH SRIVASTAVA); Forecasting, Compliance & CTA Operations (Jutta Neufang-Hueber); Formulation (Remon Hemaya); Formulation Development (Ahmad Abdul Fattah); Formulation Development (Di Goodall); Formulation Development (Heidi Elmer Bodnar); Formulation Development (Hywel Williams); Formulation Development (Michelle Zhuravlyova); Formulation Development (Nathan Edwards); Formulation Development (Richard Shalders); Formulation Development (Scott Thompson); Formulation Project Process (John Riley); Formulation Project Process (Marion Taligault Owens); Formulation Shift A (David Rimmer); Formulation Shift B (David Rimmer); Formulation Shift B (Matthew Storey); Formulation, Lyo & Stability Development (FLS) (Uwe Liebing); Fort Collins 705 (Erin J Zwalina); Fort Collins 705 ACM Area 1 (Michael A McNear); Fort Collins 705 ACM Area 2 (Jeremy M Kuehn); Fort Collins 705 QA (Christi Bringle); Fort Smith 278 (David Ensminger (Inherited)); Fort Smith 278 (Rachael Kirby); Fort Smith 278 ACM Area 1 (Rachael Kirby); Fort Smith 278 ACM Area 1 (Tammy Semiche); Fort Smith 278 ACM Area 2 (Russell Perez); Fort Smith 278 QA (David Ensminger (Inherited)); Fort Smith 278 QA (Whitney Jacobs); Fort Wayne 089 (Malori A Shields); Fort Wayne 089 (Rob Garcia); Fort Wayne 089 ACM Area 1 (Timothy R Albright); Fort Wayne 089 ACM Area 2 (Chad Rudolph); Fort Wayne 089 QA (Chris Cusack); Fort Wayne 089 QA (Erik Plate (Inherited)); Fort Wayne 089 QA (Gretchen Watkins); Fort Wayne 089 QA (Mitch A Quinn); Fort Worth 419 (Angelica M Henry); Fort Worth 419 (Sarah E Silva); Fort Worth 419 ACM Area 1 (Eddie S Rosas); Fort Worth 419 ACM Area 2 (Jennyfer Delacruz); Fort Worth 419 ACM Area 2 (Martel Carter); Fort Worth 419 ACM Area 3 (Angelica M Henry (Inherited)); Fort Worth 419 ACM Area 3 (MacGregor Roy); Fort Worth 419 QA (Rochelle L Shannon); Fractionation & Bulk (Michael Beyeler); Fractionation & Bulk (Roger Stoffel); Fractionation & Bulk (Sven Schwerdtfeger); Fractionation & Bulk (Zabdiel Dominguez); Fractionation (Simon Scheidegger); Fractionation Group 1 (Fritz Liechti); Fractionation Group 2 (Adrian Locher); Fractionation Group 3 (Christian Stucki); Fractionation Group 4 (Walter Strahm); Fractionation Group 5 (Urs Durtschi); Fraktionierung & Filtration (Kai Erkel); Fraktionierung (Rainer Frank (Inherited)); Franchise Medical Affairs Team 1 (Emna Bourkhis); Franchise Medical Affairs Team 1 (Nabil Moumane); Franchise Medical Affairs Team 2 (Hasan Catovic); Fredericksburg 703 (Sara M Schuppe); Fredericksburg 703 (Sheri Mixon (Inherited)); Fredericksburg 703 ACM Area 1 (Juan Manuel Castillo); Fredericksburg 703 ACM Area 2 (Mykel A Gonzales); Fredericksburg 703 QA (Gracie P Melendez); Front Line QA (Amanda Cooper); Ft Collins 705 QA (Christi Bringle); Ft. Gratiot 170 (Adrienne Smith); Ft. Gratiot 170 (Desiree Wright); Ft. Gratiot 170 ACM Area 1 (Cortney Young); Ft. Gratiot 170 ACM Area 2 (Karri Mitchell); Ft. Gratiot 170 QA (Allante S Williams); Ft. Gratiot 170 QA (Breanna Mini); Ft. Gratiot 170 QA (Melissa Johnson); GCSP & PhV Regions (Richard Wolf); GCSP Global Regions (Lana Gloukhova); GCSP Regions & Pv Operations (Kevin Burke (Inherited)); GCSP Regions & Pv Operations (Kevin Burke); GCSP Regions & Pv Operations 1 (Mark McGinnis); GCSP Regions (Angela Long); GCSP Regions (Rawad Antoun); GCSP Regions Lead Asia Pacific (Sophie Fontez); GCSP Regions Lead ECI (Simone Lorenz-Asmus); GCSP Regions Lead EU (Nicole Avalos); GFSS Asia Pac (Noopur Pattni (Inherited)); GFSS ¬ñ Asia Pac (Madison Crawford); GM & Staff (Sarah Yeung); GMP Compliance & Packaging Excellence (Thorsten Keller); GMP Training (Ann Moody); GPSS BRN & LNG (Denis Klochkov); GPSS BRN & LNG (Stephanie Schoch); GPSS USA (Michael Burdick); GRA CMC (Eva Walter); GRA CMC BMW (Siew Cheng Ney); GRA CMC BMW Team 1 (Nicole Apostolidis); GRA CMC BMW Team 2 (Libby Brodie); GRA CMC BRN (Luca Reggiani); GRA CMC BRN Team 1 (Petra Truetsch); GRA CMC BRN Team 2 (Dominique Schaller); GRA CMC BRN Team 2 (Sabine Rohner); GRA CMC BRN Team 3 (Grzegorz Podrygajlo); GRA CMC BRN Team 3 (Karin Stein-Liesen); GRA CMC KAN (Rick Khuu); GRA CMC KAN (Ricky Khuu); GRA CMC KAN Team 1 (William K Mendell); GRA CMC KAN Team 2 (Olga Neumller); GRA CMC KAN Team 2 (Olga Neum√ºller); GRA CMC KAN Team 3 (William K Mendell); GRA CMC MBR (Lene Nielsen); GRA CMC MBR (Martin Opper); GRA CMC MBR Team 1 (D√∂rthe Vingerhoet); GRA CMC MBR Team 1 (Markus Kuhl); GRA CMC MBR Team 2 (Thomas Nassauer); GRA CMC MBR Team 3 (Antje Mehrer); GRA CTA Operations Group (Florin Muraru); GRA GPS CV, Metabolism & Adv Therapies (Scott Hambaugh (Inherited)); GRA GPS Cardiovascular & Metabolism (Scott Hambaugh (Inherited)); GRA GPS Hematology & Thrombosis (Scott Hambaugh); GRA GPS Hematology & Thrombosis (Sibylle Kaiser); GRA GPS Immunology & Neurology (Lauren Tornetta); GRA GPS Immunology & Neurology (Scott Hambaugh (Inherited)); GRA GPS Immunology (Scott Hambaugh (Inherited)); GRA GPS Inflammation & Transplant (Hartmut Landgrebe); GRA GPS Respiratory (Melissa Tokosh); GRA GPS Transplant (Hartmut Landgrebe); GRA LATAM (Gordana Joksimovic); GRA Planning Group (Martin Steinmann); GRA Region EU & Switzerland (Anke Arnold); GRA Region EU & Switzerland (Bettina Doepner); GRA Region EU & Switzerland (Birgit Sommer (Inherited)); GRA Region EU & Switzerland (Birgit Sommer); GRA Region EU & Switzerland (Martina Schneider); GRA Region EU & Switzerland (Paolo Voltolina); GRA Region EU & Switzerland (Pedro Manuel Regateiro de Moura Campino); GRA Region EU & Switzerland (Stefanie Zaugg); GRA Region EU & Switzerland (Wencke Maeder-Wotruba (Inherited)); GRA Region EU & Switzerland (Wencke Maeder-Wotruba); GRA Region EU & Switzerland (Wolfgang Friedrich); GRA Region NA - AdPromo (John Hill); GRA Region NA - Hematology (Tara Chapman); GRA Region NA - Immnunology (Angela D Azzara); GRA Region NA ¬ñ CMC (Todd Olson); GRA Region NA ¬ñ CV/Transplant (Uros Djekic); GRA Region North America (Tara Chapman); GRA Resourcing (Silke Britschock); GSP Operations (Liwei Sun ); GSP Operations (Liwei Sun ?????); Gainesville 182 (Laila Matthews-El); Gainesville 182 ACM Area 1 (Toya Green); Gainesville 182 ACM Area 2 (Laila Matthews-El (Inherited)); Gainesville 182 ACM Area 2 (Leslie L Heidelberg); Gainesville 182 QA (Elvern M Gregg); Gainsville 182 (Deidra Snow-Johnson); Gainsville 182 (Laila Matthews-El); Gainsville 182 QA (Elvern M Gregg); Gastonia 267 (Mai Yang); Gastonia 267 ACM Area 1 (Terri L Salsman); Gastonia 267 ACM Area 2 (Scotty Burch); Gastonia QA 267 (Blake Painter); Gbl Commercial Operations-Cardiovascular (Debbie Drane (Inherited)); Gbl Commercial Operations-Cardiovascular (MaryAnn Capritti); Gene Therapy (Karsten Peppel); Gene Therapy (Orit Wolstein); Gene Therapy Research (Cdric Vonarburg); Gene Therapy Research (C√©dric Vonarburg); Gene Therapy Research I (Florian Aeschimann); Gene Therapy(Orit Wolstein); General Ledger (Tanja Bieri); General Ledger (Tanja Gurtner); General Ledger Accounting (Thierry Bonjour); General Product Characterisation (Robert Dickinson); General Product Characterisation (Tom Murray-Rust); Geringfgig Beschftigte (Andreas Gehrich); Geringfgig Beschftigte (Annette Pernitzsch); Geringfgig Beschftigte (Claudia Habenicht); Geringfgig Beschftigte (Kirsten Scheibel); Geringfgig Beschftigte (Natascha Tappendorf); Geringfgig Beschftigte (Stephani Keltsch); Geringfgig Beschftigte (Sven Schuhmann); Geringf√ºgig Besch√§ftigte (Andreas Gehrich); Geringf√ºgig Besch√§ftigte (Annette Pernitzsch (Inherited)); Geringf√ºgig Besch√§ftigte (Annette Pernitzsch); Geringf√ºgig Besch√§ftigte (Claudia Habenicht (Inherited)); Geringf√ºgig Besch√§ftigte (Claudia Habenicht); Geringf√ºgig Besch√§ftigte (Kirsten Scheibel (Inherited)); Geringf√ºgig Besch√§ftigte (Kirsten Scheibel); Geringf√ºgig Besch√§ftigte (Natascha Bock (Inherited)); Geringf√ºgig Besch√§ftigte (Stephani Keltsch); Geringf√ºgig Besch√§ftigte (Sven Schuhmann (Inherited)); Geringf√ºgig Besch√§ftigte (Sven Schuhmann); Gertevorbereitung (Roman Truttmann); Ger√§tevorbereitung (Roman Truttmann); Gesundheitsschutz (J√ºrgen Kanand (Inherited)); Gesundheitsschutz (zcan Campinar (Inherited)); Gesundheitsschutz (√ñzcan Campinar (Inherited)); Gilbert 131 (Daniel I Villegas (Inherited)); Gilbert 131 (Erica L Ewing); Gilbert 131 ACM Area 1 (Christopher Hersch); Gilbert 131 ACM Area 1 (Michael Brownell); Gilbert 131 ACM Area 2 (Karen Branch); Gilbert 131 QA (Karen Branch); Gilbert 131 QA (Will Porter); Glassware Washing (Jasmina Trumic); Glen Burnie 136 (Bryon Wiley); Glen Burnie 136 (Guillian T Gonzalez); Glen Burnie 136 ACM Area 1 (Janet Rhys-Jones); Glen Burnie 136 ACM Area 2 (Solyana Gebrekidan); Glen Burnie 136 QA (Monique L Fitz); Global Analytical & Technical Services (Stephen Case); Global Analytical Science & Technology (Jeffrey Pederson); Global Analytical Science & Technology (Stephen Case); Global Applications Testing (Kinga Zambo); Global Artwork (Karelle Phelan); Global Automation (Christoph Zahnd (Inherited)); Global Automation (Hans Wieser); Global Batch Release (Karen Marks); Global Benefits (Judith Kleemeier); Global Bioanalytical (Jeffrey Michael Hey); Global Bioanalytical (Matthias Zimmermann); Global Bioanalytical (Vanessa Sandford); Global Bioanalytical Sciences (Jeff Hey); Global Business Technology (John A Newsom); Global CQA Systems (Carmen Szeto); Global Case Management (Kevin Burke); Global Case Management (Monika Klug); Global Case Managment (Joanne Grego); Global Category Gels, Resins, Media & Process Aid (Stephan Heer); Global Category Lead R&D (Benjamin Prior); Global Change Management and Communications (Linda Hagerty-Dotterer); Global Clinical Dev Hematology & Thrombosis (Marcus Carr); Global Clinical Development (Frank Albano); Global Clinical Development (William Mezzanotte (Inherited)); Global Clinical Development (William Mezzanotte); Global Clinical Development Hematology & Thrombosis (Marcus Carr); Global Clinical Ops - Transplant (Michele Jenkins); Global Clinical Programs (Blanca Salazar); Global Clinical Programs 2 (Ingo Pragst); Global Clinical Quality Assurance (Claudia Fellmer); Global Clinical Quality Assurance (Volker Nickel (Inherited)); Global Commercial Insights & Analytics (Nitin Bhatnagar); Global Commercial Operations (William Campbell); Global Content (Greg Healy); Global Data Management (Jennifer Toomey); Global Doc Systems (Dominik Zuercher); Global EH&S, Resilience and Risk Management (Lynette Hodgden); Global Engineering (Christoph Zahnd); Global Engineering Projects (Darrah Wilkerson); Global Export Order Fulfillment (Sabine Hmel); Global Export Order Fulfillment (Sabine H√§mel); Global Finance (David Lamont); Global Financial Operations (David Lamont (Inherited)); Global Financial Operations (Karen Neave); Global HR Business Partner Organization (Doug German); Global HR Operations (Sara Proctor [C]); Global HR Operations (Sara Proctor); Global HR Services and Payroll (Mark Hickenbottom); Global HR Systems (Garnett Hudson); Global HR Systems (Jeff Allen); Global HR Systems (Melissa Zyla); Global HR Systems I (Jeff Allen); Global HR Systems II (Melissa Zyla); Global HR Systems and Reporting (Andrea Dauphinee); Global HR Systems and Reporting (Patricia Berdugo); Global HR Systems and Reporting (Rob Nyhan); Global Health Economics and Reimb (Girishanthy Krishnarajah); Global Health Economics and Reimb (Ryan Saadi); Global Healthcare Policy & Ext. Affairs (Dennis Jackman); Global Healthcare Policy & Ext. Affairs (Michael Ruggiero); Global Human Resources (Andrea Resch); Global Human Resources (Elizabeth Walker); Global Human Resources Business Partner Organization (Doug German); Global Human Resources Business Partner Organization (Gyuri Endes); Global IP (Beate Binsack); Global IT PMO (Lance Runyard); Global IT Service Delivery (Sam Vickers); Global IT Service Delivery (Sunil Shah); Global Indirect Procurement (James Thomas); Global Indirect Sourcing (John Ehgartner); Global Intellectual Property (GIP) (Hans-Peter Hauser); Global Intellectual Property (Peter Gomme); Global Internal Communications (Michele Darnell); Global LIMS (David Johnstone); Global Labeling (MARK COLLINS); Global Labeling (Maryann Cuomo); Global Labeling Operations (Maricarmen Dilone-Raposo); Global Labelling Operations (Lynda Rizzetti); Global Legal (Gregory Boss); Global Legal (John Michael Minardo); Global Legal (John Minardo); Global Legal Operations & Services (Lauren Neal); Global Legal Services (Adarsh Nair); Global Legal Services (Kieran O''Shea); Global Library Service Operations (Ulrike Friebertshuser-Jilke); Global Library Service Operations (Ulrike Friebertsh√§user-Jilke); Global Licensing (Andrea Huggins); Global Licensing (Michael Jorgensen); Global Logistics (Marianne McDonald); Global Logistics (Paul Wolstencroft); Global Logistics (Uli Kiefer); Global Logistics Operations (Suzanne Johnson (Inherited)); Global Logistics Team (BP Pedersen); Global MS&T (Irina Staxen); Global MSPR (Christoph Hck); Global MSPR (Christoph H√∂ck); Global Manufacturing (Chris Larkins); Global Manufacturing Ops & Plasma (Tony HARTMAN); Global Marketing Team Cardiovascular (KAMRAN MAMMADOV); Global Medical Affairs (Gregg Sylvester); Global Medical Affairs (Marcus Stockschlder); Global Medical Affairs (Marcus Stockschl√§der); Global Medical Devices & Primary Packaging Materials (Declan Reilly); Global Medical Evaluation (Federico Melo Ferrer); Global Medical Evaluation (Federico Melo-Ferrer); Global Medical Evaluation (Sabine Hrtel); Global Medical Evaluation (Sabine H√§rtel); Global Mobility COE (Ulrike Krenz-Fisher); Global Operation & RCF Administration (Margrit Hug Bucher); Global Operational Excellence and BPM (Fabrice Gribon); Global Operational Excellence and BPM (Stephen Marlow (Inherited)); Global Operations & Quality Finance (Helen Gearing (Inherited)); Global Operations & Quality Finance (Jacinta Glennon); Global Operations (Chris Larkins); Global Operations (Stephen Marlow); Global Operations (Val Romberg); Global Packaging (Warren Comerford); Global Packaging (jerome serrurier); Global Packaging Design and Artwork (Andrew John Robinson); Global Packaging Design and Artwork (Eva Streit); Global Packaging Services (Rick A Majszak); Global Packaging Services (Samantha Czako (On Leave)); Global Packaging Services (Samantha Czako); Global Pathogen Safety (Birgit Popp); Global Pathogen Safety (Eleonora Widmer); Global Pathogen Safety (John Liu); Global Pathogen Safety (Nathan Roth); Global Pathogen Safety - Marburg (Birgit Popp); Global Pathogen Safety - Marburg (Bj√∂rn Keiner); Global Pathogen Safety Support (Eleonora Widmer); Global Pathogen Safety Support Asia (Connie Broumis); Global Payroll (Christina Avraamides); Global Payroll (Marjorie Platt); Global Payroll (Mark Hickenbottom (Inherited)); Global Pharmacovigilance Quality Assurance (Claudia Nolte); Global Planning (Harald Berg); Global Planning (Jamie Pritzl); Global Planning, Supply Chain (Chad Salisbury); Global Planning, Supply Chain (Steve Moloney); Global Plasma Team (Dieter Brazel); Global Plasma Technology Ownership (Benno Bitterli); Global Portfolio Influenza (Jane Lanteri) (Jane Leong); Global Pricing (John Hakanson); Global Product Characterization (Stefan Schmidbauer); Global Product Specifications and Reference Standards (Richard Steere); Global Product Strategy (GPS) (Scott Hambaugh); Global Publishing (Marquis Bryant); Global Publishing (Timothy Huke); Global QA, IT (Patricia Hernan Miller); Global Quality (Vasilis Mavrogenis); Global Quality - Americas (Carlos Torres); Global Quality Affiliates (Collins Onyejese); Global Quality Affiliates (Laura O''Brien (Inherited)); Global Quality Assurance (Karen Netherton); Global Quality Control (Brian Nunnally); Global Quality Management (Jeffrey A Alcorn); Global Quality Management (Laura O''Brien); Global Quality Management (Rushen Mendis); Global Quality Management (Sanjana Sanjappa); Global Quality Management 2 (Brian Walker); Global Quality Management Sys. (Allen F Coleman); Global Quality Management Sys. (Eva M. Urban (Inherited)); Global Quality Management Sys. (Eva M. Urban); Global Quality Management Sys. (Jeffrey A Alcorn (Inherited)); Global Quality Management Sys. (Stephen A Wilson); Global Quality Management Sys.(Steve Wilson); Global Quality Management Systems (Carol Kidwell (On Leave)); Global Quality Management Systems (Carol Kidwell); Global Quality Operations (Matthias Pohl); Global Quality Systems & Compliance (Milka Smoljko); Global Quality Systems (Chad M Salisbury); Global Quality and R&D IT Systems (Tim Jones); Global Quality, Bus Svcs & Finance HR (Doug German (Inherited)); Global Quality, Bus Svcs & Finance HR (Stephanie McKinney); Global R&D - Financial Rptng & Analysis (Krista Doron); Global R&D Early Development CMO (Diana Lanchoney); Global R&D Finance (Christopher James Thorpe); Global R&D Finance (Karen Neave (Inherited)); Global R&D Finance (Pamela Cerovich); Global R&D Project Management (David S Fifer); Global R&D Project Management (Diana Lanchoney); Global R&D Project Management (Heiko Riedel); Global R&D Project Management (Heiko V√∂lpel); Global R&D Project Management (Jennifer Dutton); Global R&D Project Management (Lena Ohannesian); Global R&D Project Management (Martin Broder); Global R&D Project Management (Peter Douglas); Global R&D Project Management (Rose Fida); Global R&D Project Management (Steven Brooks); Global R&D Project Management 1 (Peter Douglas); Global R&D Project Management 2 (Christian Spyr); Global R&D Project Management 2 (Gino Vairo); Global R&D Project Management 2 (Nancy Fetrow (Inherited)); Global R&D Project Management 2 (Regula Heini Hodel) (Christian Spyr); Global R&D Project Management 3 (Christiane Enzinger); Global R&D Project Management 3 (David Leacy (Inherited)); Global R&D Project Management 3 (Katy Dimitropoulos); Global R&D Project Management 3 (Rose Fida); Global R&D Project Management 4 (Laura J Schweigert); Global R&D Project Management I (David S Fifer); Global R&D Project Management II (Heiko Riedel); Global R&D Project Management III (Jennifer Dutton); Global R&D Project Management Immunology (Linda Faux (Inherited)); Global R&D Project Management Immunology (Steven Brooks (Inherited)); Global R&D QA CMC & Research (April Sena); Global R&D Quality Assurance (Karen Gard''ner); Global Recombinant Portfolio Group (Lene Nielsen); Global Records (John Neff (Inherited)); Global Reg Affairs ANZ (Kellie Hooley); Global Regulatory Affairs (Ashley Burt); Global Regulatory Affairs (Catarina Edfjaell); Global Regulatory Affairs (Emmanuelle LECOMTE BRISSET); Global Regulatory Affairs (Franck Nicolas); Global Regulatory Affairs (Mary Ryan); Global Regulatory Affairs Quality Compliance (Jana Reitmajer); Global Regulatory Affairs Quality Compliance (Monika Dietrich-Sander); Global Regulatory Affairs Quality Compliance (Rafael Sierra); Global Regulatory Lead - QIVc (Karen Jourdan-Brown); Global Regulatory Operations and Labelling (Emma Williams); Global Regulatory Systems&Informat.Mgmt. (Christine Berger); Global Regulatory Systems&Informat.Mgmt. (Franck Nicolas (Inherited)); Global Reporting (Harsha Kadiyala); Global Research & Development (Andrew Cuthbertson); Global Research & Development (William Mezzanotte); Global Risk & Insurance Management (John Marren); Global Risk Management (Mark Luksic); Global SAP Security & BTGC (Steven Yannelli); Global SC Operations (Tina Law); Global Sales & Operations Planning (Ben Wilson); Global Scientific Exellence (Maria M√ºller); Global Security (Tony Strickland); Global Serialization (Michel B√©raud); Global Shared Services (Liam Connelly); Global Site Management (Lauren Ruth Vickery); Global Site Management (Lauren Vickery); Global Sourcing (Paul Addis); Global Sourcing - Automation, Instrumentation, Packaging and Aseptic Filling (Iouri Sverdlov); Global Sourcing Logistics (Gela Bakuridze); Global Sourcing Logistics (John Ehgartner (Inherited)); Global Strategic Sourcing, Chemicals (Jun Gao); Global Supplier Quality EMEA (Hans-Jrgen Schning); Global Supplier Quality EMEA (Hans-J√ºrgen Sch√∂ning); Global Supply Chain (Ian Dick); Global Systems Maintenance (Regina Mhlich); Global Systems Maintenance (Regina M√ºhlich); Global Talent Acquisition (Brian Fehrer); Global Talent Acquisition (Melissa Bradford); Global Tax (Aoife Deane); Global Total Rewards (Elizabeth Walker (Inherited)); Global Total Rewards (Maynard Branscome); Global Trademarks (Nicole Smith); Global Transport Validation (Matthew Wokulich); Global Validation (Russell Ciliento); Global Validation (Russell James Ciliento); Government Rebate Operations (Joseph DeLuca); Government Vaccines Manager 745 (Helen Dela Cruz); Graduates (David Azzopardi); Grand Blanc 244 (Kelly M Weng); Grand Blanc 244 ACM Area 1 (BRANDON SMITH); Grand Blanc 244 ACM Area 1 (LC Davis); Grand Blanc 244 ACM Area 2 (ROBERT MANGOLD); Grand Blanc 244 QA (Martina Young); Grand Junction 159 (Daniel Venn); Grand Junction 159 (Markah Williams Mower); Grand Junction 159 (Markah Williams); Grand Junction 159 ACM Area 1 (Steven Potter); Grand Junction 159 ACM Area 2 (Richard S Simpson); Grand Junction 159 ACM Area 2 (Rob Ferguson); Grand Junction 159 QA (Carrie E Pell); Grand Junction 159 QA (Kelly M Weng); Grand Prairie 049 (Angelica M Henry); Grand Prairie 049 (Jamie Bullock); Grand Prairie 049 ACM Area 1 (Kelly Gomez); Grand Prairie 049 ACM Area 2 (Deonka Whitley); Grand Prairie 049 QA (LaDonnica L Eddings); Grants Management (Abraham Smith); Grants Manager (Abraham Smith); Greece 194 (Jontus Walker); Greece 194 (Tangerine Tingle); Greece 194 ACM Area 1 (Mike Massaro (On Leave)); Greece 194 ACM Area 1 (Mike Massaro); Greece 194 ACM Area 2 (Arooj Hussain); Greece 194 QA (Ariel S Forrest); Greece 194 QA (John L Thixton (Inherited)); Greece 194 QA (Todd Wolfe); Greeley 615 (Natasha D Casillas); Greeley 615 (Skyler T Campbell); Greeley 615 ACM Area 1 (Natasha D Casillas (Inherited)); Greeley 615 ACM Area 1 (Natasha D Casillas); Greeley 615 ACM Area 2 (Rita E Williams); Greeley 615 QA (Meghan Fryer); Greensboro 117 (Susan Watkins (On Leave)); Greensboro 117 (Susan Watkins); Greensboro 117 ACM Area 1 (Dorleans Alce); Greensboro 117 ACM Area 1 (Kristen Jones); Greensboro 117 ACM Area 2 (Kristie Cunningham); Greensboro 117 QA (Stephanie Bernard); Greenville 088 (Andrea S Zeller); Greenville 088 ACM Area 1 (Andrea S Zeller); Greenville 088 ACM Area 1 (Jeremy Honea (On Leave)); Greenville 088 ACM Area 2 (Natasha Pinson); Greenville 088 QA (LeeAnn M Estes); Gresham 055 (Brandy J Vaughan); Gresham 055 ACM Area 1 (Noah S Johnson); Gresham 055 ACM Area 2 (Becca Daugherty); Gresham 055 QA (Dijana Colic); Group 3 (Adrian Alder); Group Analysis (Dean Barrett); Group Analysis (Dean Wilde); Group Analysis (Maureen Harrington); Group Controller (Helen Gearing (Inherited)); Group Controller (Jacob Weaver); Group Controller (Noopur Pattni); Group Finance (Daya Salter); Group Finance (Jason Mugridge); Group Finance (Kevin Personius); Group Finance 1 (Jeffrey Marchetti); Group Finance II (Troy Kukorlo); Group Finance- Financial Systems (Mary Conlin); Group Grzhausen (Uwe Sthr); Group G√∂rzhausen (Michael Engel); Group G√∂rzhausen (Uwe St√∂hr); Group Hauptwerk (Michael Engel); Group Income Protection (Emma McCarthy); Group Lead Validation-Site Expansion (Robert Musgrave); Group Main Site (Michael Engel); Group Reporting (Michael J. Clark); Group Tax (Peter Larsen); Group Taxation (Michael Manusov); Gulfport 122 (Elishia Humphrey); Gulfport 122 (John E Hunt (Inherited)); Gulfport 122 (Joshua D Harper); Gulfport 122 (Robert Spicer); Gulfport 122 ACM Area 1 (Joshua D Harper); Gulfport 122 ACM Area 2 (Bernetta L Huff); Gulfport 122 ACM Area 2 (Joshua D Harper); Gulfport 122 QA (Regina Williams); GxP Training (Carla Oliver); GxP Training (Vicky Lioutas (Inherited)); HAE & Respiratory (Sylvia Herget); HAE & Respiratory 1 (Susann Hofmockel); HAE Marketing (Amy Bifolco-Morrell); HAE Marketing (Tom Groeling (Inherited)); HAE Marketing (Tom Groeling); HR Business Partner (Sandro Krug); HR Business Partner (Tanja Templer); HR Business Partner 1; HR Business Partner 1 (Tina Camenzind); HR Business Partner 2 (Johanna Wege); HR Business Partner 4 (Darja Skaza-Brock); HR Commercial & Legal (Susan Devlin); HR Development & Programs (Sabine Wagner); HR Finance, R&D, IT & Business Services (Carolyne Malizia); HR Finance, R&D, IT, Bus Services (Carolyne Malizia); HR Holly Springs (Shandalyn Hope Matson); HR Holly Springs (Shandalyn Matson); HR Liverpool (Emma McCarthy); HR Liverpool (Sheila Redmond [C]) (Sheila Redmond [C]); HR Liverpool Business Partners (Kerry Rimmer); HR Marketing (Martin Stump); HR Marketing (Nadine Reh); HR Operations & Quality (Judi Badenoch); HR Operations (Adam Williams); HR Operations (Claudia Petrocchi); HR Operations (Elizabeth Walker (Inherited)); HR Operations (Lindsay Heaton); HR Operations (Mike Drew); HR Operations (Sara Proctor [C]); HR Ops Enabler Tools (Jennifer Sullivan (On Leave)); HR Ops Enabler Tools (Jennifer Sullivan); HR Ops Process Excellence (Anna Tassone); HR Ops Support (Kai Hofmann); HR Parkville (Yvette Saunders); HR Payroll (Christina Avraamides); HR Process and Portfolio Management (Beth Swiezkowski); HR Projects (KT Leong); HR Talent Acquisition & Talent Management (Beth Thomas); HR Talent Acquisition Holly Springs (Blake Derrick); HR Talent Acquisition Maidenhead (Louise Hawkes); HR Talent Acquisition Parkville (Angela Bellenger); HR Total Rewards (Gyuri Endes (Inherited)); HR Total Rewards (Karen Vyse [C]); HRBP Corporate Functions (Mafalda Lou); HS Manufacturing Fill & Finish Ops (Brian Kennedy); HU CSL Plasma Kft. Center Debrecen (Halsz Roland); HU CSL Plasma Kft. Center Debrecen (Hal√°sz Roland); HU CSL Plasma Kft. Center Miskolc (Ruzsinszki Ibolya); HU CSL Plasma Kft. Center Ny√≠regyh√°za (Rask√°n√© Petruska Gy√∂ngyi); HU Center Employee (Raskn Petruska Gyngyi (Inherited)); HU Center Employee (Rask√°n√© Petruska Gy√∂ngyi (Inherited)); HU Center Employee (Ruzsinszki Ibolya (Inherited)); HU Center Manager (Ruzsinszki Ibolya (Inherited)); HU Center Physician (Raskn Petruska Gyngyi (Inherited)); HU Center Physician (Rask√°n√© Petruska Gy√∂ngyi (Inherited)); HU Center Physician (Ruzsinszki Ibolya (Inherited)); HU Quality (Duds kos); HU Quality (Dud√°s √Åkos); HVAC & Coldrooms (Nozar Basseri); HVAC (Anna Fellenberg); HVAC (Juerg Schwarz); HVAC (Simon Hediger); HVAC / Reinr√§ume (Nozar Basseri); HVAC 1 (Urs Turtschi); Haemostaseology (Bernhard Czapla (Inherited)); Haemostaseology (Claudia Bachmann (Inherited)); Haemostaseology (Heinrich Feischen (Inherited)); Haemostaseology (Holger Milkereit (Inherited)); Haemostaseology (Michael Bernd Rode (Inherited)); Haemostaseology (Rainer Adam (Inherited)); Haemostaseology (Ralf Kosmol); Haemostaseology (Susanne Mller (Inherited)); Haemostaseology (Susanne M√∂ller (Inherited)); Haemostasis (Anthony Downes); Haemostasis (Elias Francis (Inherited)); Haemostasis (Elias Francis); Haemostasis (George Tsirbas); Haemostasis (Gerry Orval); Haemostasis (John Bashour); Haemostasis (Roy Taylor); Haemostasis (Shane Bartils); Haemostasis (Steven Barello); Hagerstown 174 (Bukola Raji); Hagerstown 174 (Kashaun Muhammad); Hagerstown 174 ACM Area 1 (Antonio DuBois); Hagerstown 174 ACM Area 2 (Daniel Pappariella); Hagerstown 174 QA (Bukola Raji); Hagerstown 174 QA (Jade Jessop); Hagerstown 174 QA (Joanne Charles-Clarke); Hagerstown 174 QA (John E Hunt (Inherited)); Halethorpe 167 (Rebecca R Pettiford); Halethorpe 167 ACM Area 1 (Christine Bethea); Halethorpe 167 ACM Area 2 (Lanasia West); Halethorpe 167 QA (ALISON CONLEY); Halethorpe 167 QA (Robin K Doering); Haltom City 188 (Dante Williams); Haltom City 188 (Melissa J Chapman); Haltom City 188 ACM Area 1 (Marvin Tablante); Haltom City 188 ACM Area 2 (Dante Williams); Haltom City 188 ACM Area 2 (Robert G Wilson); Haltom City 188 QA (Daniel Vu); Haltom City 188 QA (Julie E Reynolds); Hamilton 199 (Jenna Evans); Hamilton 199 (Katanya Hall); Hamilton 199 (Kera Cathel); Hamilton 199 ACM Area 1 (Steve Hosang); Hamilton 199 ACM Area 2 (TaChita Robb); Hamilton 199 QA (Emily Norton); Hamilton 199 QA (Kera Cathel); Hamilton 494 (Derek Morner); Hamilton 494 ACM Area 1 (William Robinson); Hamilton 494 ACM Area 2 (Jessica Hoffman); Hamilton 494 ACM Area 2 (VERONICA HESTER); Hamilton 494 QA (Elizabeth E Galloway); Harlingen 185 (Victor Guevara); Harlingen 185 ACM Area 1 (Eduardo De La Rosa); Harlingen 185 ACM Area 2 (Melinda Garcia); Harlingen 185 QA (Audrey Rodriguez); Harlingen 185 QA (Jennifer Martinez); Harlingen 185 QA (Luis Rodr√≠guez); Harlingen 185 QA (Rosa E Mercado (Inherited)); Hattersheim Field Services (Frank Dauber); Hattersheim Field Services (Robert Rohs); Hazel Crest 116 (Andrea C Rice); Hazel Crest 116 (Morgan R Grose); Hazel Crest 116 ACM Area 1 (Ian Olson); Hazel Crest 116 ACM Area 2 (Bob Gentille); Hazel Crest 116 QA (Amanda E Swider); Hazel Crest 116 QA (Joshua D Williamson (Inherited)); Head , In-Licensed Products AsiaPac, Global Regulatory Affairs (Angela Wong); Head Global Business Developme (Eve Williamson); Head Greater China Logistics (Edwin Chia); Head of Asia Pac, Medical Affairs (Jane Leong); Head of Asia Pac, Medical Affairs (Jonathan Anderson); Head of Batch Release (Darren Moulton); Head of Batch Release (Sherrin Gribble); Head of Commercial and Marketing (Jamila Filipecki); Head of Medical Affairs UK (Mansoor Ashraf); Head of Medical Affairs UK (Sankarasubramanian Rajaram (Inherited)); Head of Medical Writing & Disclosures (Catherine Tyrrell); Head of Medical Writing & Disclosures (Cathy Tyrrell); Head of Operational Excellence (Dirk Crouse); Head of R&D Finance (Christopher James Thorpe); Head of Region, APAC & In licensed Prod, Glob RA (Lisa MacDonald); Head of Region, Asia Pac & In licensed Prod, Glob Reg Affairs (Lisa MacDonald); Head, Clinical Development Operations (Daniel Kirby); Head, Clinical Development Operations (Veronica Suarez); Head, Technical Development (PKV) & Global Process Innovation (Steven Rockman); Head, Technical Development (PKV) & Global Process Innovation (Steven Rockman); Health & Wellbeing (Susanne Marx); Health (Donna G O''Keefe); Health (Sara Regnier); Health and Safety (Gregory Dowler); Healthcare Policy & Ext. Affairs APAC (Shouqing Zhang); Healthcare Policy & Ext. Affairs Europe (Rdiger Gatermann); Healthcare Policy & Ext. Affairs Europe (R√ºdiger Gatermann); Healthcare Policy & Ext. Affairs Japan (Shouqing Zhang (Inherited)); Healthcare Policy & Ext. Affairs N.A. (Patrick Collins); Hem Higashi Nihon Area (Atsuhiko Arikata); Hem Kansai Chubu Area (Shinichi Kano); Hem Nishi Nihon Area (Taisuke Miyakoshi); Hem Nishi Nihon Area (Takeyuki Akiyoshi); Hem Shutoken Area (Takayuki Takigawa); Hematology & Thrombosis Marketing (John Nicastro); Hematology & Thrombosis Medical Affairs (Debbie Drane (Inherited)); Hematology & Thrombosis TA (Sharad Agrawal); Hematology & Thrombosis Therapeutic Area (Brahm Goldstein); Hematology Marketing (John Nicastro); Hematology TA (Antti Kourula); Hematology TA Marketing (Sharad Agrawal); Hematology TA Medical Affairs (Krupa Sivamurthy); Hemophilia A Marketing (Beth Ann Hirst); Hemophilia A Marketing (Brian Johnson); Hemophilia B Marketing (Nicole McInerney); Hemophilia Group (Hideyuki Seto); Hemophilia Group (Makoto Kubo); Hemophilia TA (Takayuki Ishii); Henderson 134 (Eddie H Gaillard); Henderson 134 ACM Area 1 (Maria Coulter); Henderson 134 ACM Area 2 (Eshell Cudjo-Williams); Henderson 134 QA (Bri Johnson); Henrico 264 (Tracia Lopez); Henrico 264 ACM Area 1 (Nancy L Ott); Henrico 264 ACM Area 1 (Tannika Green); Henrico 264 ACM Area 2 (Tannika Green); Henrico 264 ACM Area 2 (Tracia Lopez (Inherited)); Henrico QA 264 (Brandan Lurz); Herstellungsleiter (Andreas Gehrich (Inherited)); Herstellungsleiter (Annette Pernitzsch (Inherited)); Herstellungsleiter (Claudia Habenicht (Inherited)); Herstellungsleiter (Heike Borchert); Herstellungsleiter (Kirsten Scheibel (Inherited)); Herstellungsleiter (Natascha Bock (Inherited)); Herstellungsleiter (Stephani Keltsch); Herstellungsleiter (Sven Schuhmann (Inherited)); Herstellungsleiter Berlin (Dorothee Knop); Herstellungsleiter Braunschweig (Dorothee Knop); Herstellungsleiter Bremen (Dorothee Knop); Herstellungsleiter Frankfurt (Dorothee Knop); Herstellungsleiter Gttingen (Dorothee Knop); Herstellungsleiter G√∂ttingen (Dorothee Knop); Herstellungsleiter Kiel (Dorothee Knop); Herstellungsleiter Nrnberg (Dorothee Knop); Herstellungsleiter N√ºrnberg (Dorothee Knop); Hidalgo 151 (Howard Augusto Castillo); Hidalgo 151 ACM Area 1 (Javier De La Fuente (On Leave)); Hidalgo 151 ACM Area 1 (Javier De La Fuente); Hidalgo 151 ACM Area 2 (Lucio Jaramillo); Hidalgo 151 QA (Becky S Diaz); High Speed Packaging (Jrg Sthli); High Speed Packaging (J√ºrg St√§hli); High Speed Packaging Line (Peter Zysset); Highland Park 138 (Miriah Grady); Highland Park 138 (Mondel Hightower); Highland Park 138 ACM Area 1 (Miriah Grady); Highland Park 138 ACM Area 1 (T''Pring John); Highland Park 138 ACM Area 2 (Dee Freeman); Highland Park 138 QA (Jenae Jacobs); Highland Park 138 QA (Shawna Taylor); Highland Park 138 QA (Slater P Murphy); Hillsboro 126 (Elizabeth Manning); Hillsboro 126 ACM Area 1 (Alex Steinke); Hillsboro 126 ACM Area 2 (Dan Jordan (On Leave)); Hillsboro 126 ACM Area 2 (Paige N Zafran); Hillsboro 126 QA (Grant Haun); Hizentra Marketing (Michael Ward); Hobart 218 (Kevin Robinson); Hobart 218 (Sherri L Clark); Hobart 218 ACM Area 1 (Michele Tosseng); Hobart 218 ACM Area 2 (Ashley Myvett); Hobart 218 ACM Area 2 (Kevin Robinson); Hobart 218 QA (Drewleigha B Sarver (Inherited)); Hobart 218 QA (KayLeigh Northcutt); Hokkaido Tohoku Area (Masahiro Takai); Homestead 207 (Mary A Paul (Inherited)); Homestead 207 (Roger Jiron); Homestead 207 (Stacey Ewing); Homestead 207 ACM Area 1 (Monica Alvelay); Homestead 207 ACM Area 2 (Julio Delgado); Homestead 207 ACM Area 2 (Roger Jiron (Inherited)); Homestead 207 QA (Natasha Roopnarine); Homestead 250 (Diane Day); Homestead 250 ACM Area 1 (Ryan Olsavsky); Homestead 250 ACM Area 2 (Jamille Ford); Homestead 250 QA (DENNIS GINTHER); Houston 208 (Sara Bouras); Houston 143 (Josh Concepcion); Houston 143 ACM Area 1 (Sharon K Easiley); Houston 143 ACM Area 2 (Oscar Beasley); Houston 143 QA (Shawntrala Stephens); Houston 168 (Lisa Rojas); Houston 168 ACM Area 1 (Lisa Wilson); Houston 168 ACM Area 2 (Elizabeth Morales); Houston 168 ACM Area 2 (Tascha Montgomery); Houston 168 QA (Sam Schultz (Inherited)); Houston 168 QA (Tara West); Houston 208 (Sara Bouras); Houston 208 ACM Area 1 (Sara Bouras (Inherited)); Houston 208 ACM Area 1 (Sarah L Terry); Houston 208 ACM Area 2 (Marc Garcia); Houston 208 ACM Area 2 (Sarah L Terry); Houston 208 QA (Darriel Clark (On Leave)); Houston 208 QA (Darriel Clark); Houston 208 QA (Elaine R Wilson); Houston 209 (Erin Ostean); Houston 209 (Sheneka E Wilson); Houston 209 ACM Area 1 (Charles Minter (On Leave)); Houston 209 ACM Area 1 (Charles Minter); Houston 209 ACM Area 2 (Adrean N Brown); Houston 209 ACM Area 2 (MARY MEADOWS); Houston 209 QA (Barbara May); Houston 209 QA (Keva M Williams); Houston 274 (Brian T Edwards); Houston 274 ACM Area 1 (Reiko F Hernandez); Houston 274 ACM Area 2 (Tyriana T Shaw); Houston 274 QA (Lawrence Jones); Human Resources Labor and Employee Relations (Christine Adams (On Leave)); Human Resources & Communications (Sandro Krug); Human Resources & General Affairs, Japan (Akira Nakajima); Human Resources & General Affairs, Japan (Mayumi Gonome - ); Human Resources & General Affairs, Japan (Mayumi Gonome ??? ??? - ???? ????); Human Resources (Bonnie Shor); Human Resources (Bonnie Slone); Human Resources (Gyuri Endes); Human Resources (Jacqueline Hawkins); Human Resources (Nicole Bookert); Human Resources (Tanja Templer); Human Resources (Tanya Kennedy); Human Resources Kankakee (Jacqueline Hawkins); Human Resources Management (Adam Williams); Human Resources Management (Pia Daish); Human Resources Organisation Transformation (Paula Foord); Human Resources SC (Nicole Bookert); Human Resources Talent Development (Michael O''Connor); Human Resources ¬ñ Labor and Employee Relations (Christine Adams); Human Resources ¬ñ Labor and Employee Relations (Jacqueline Hawkins (Inherited)); Human Resources, China (Grace Deng ?????); Human Resources, China (Tracy Lyu ?????); Hygiene (Arno Karnholz (Inherited)); ICSR Compliance and Reconciliation (Samantha Gan); IG / Albumin Bulk (Anthony Manovella); IG / Albumin Bulk (Jill Allen); IG Lab (Ritaben Suhagiya (Inherited)); IG Lab (Ritaben Suhagiya); IG Lab (Tom McCallum); IG Lab (William Fenech); IM (Guido Kagemann); IM Modul (Arnd Vollmerhausen (Inherited)); IM Modul (Torsten Jeide); IMED / Clinical (Julia Daum); IP Management (Helen Mutimer); IP Management (Peter Gomme); IP Management (Philip Keep); IR Higashi Nihon Area (Takahiro Tsuruta); IR Kansai Chubu Area (Yutaka Fujita); IR Nishi Nihon Area (Takayuki Sakai); IR Shutoken Area (Hiroki Nagayasu); IS Applications (Markus Fhrer); IS Applications (Markus F√ºhrer); IS Operations (BAHA ATICI); IS Operations (Bernd Boucsein (Inherited)); IS Operations (Robert Rohs); IT (Martin Jones); IT Americas (Stephen Norman Bender); IT Americas (Steve Bender); IT Americas, Laboratories (Dave Kirk); IT Americas, Site IT (DEBORAH BUREC); IT Americas, Site IT (Deborah Burec); IT Applications (Pavan Dronamraju); IT Applications - SharePoint (Emma Tibble); IT Asia Pacific (Gavin Gusling); IT Automation BMW (Daud Warraich (Inherited)); IT Automation BMW (John Croxton (Inherited)); IT Automation BMW (John Croxton); IT Automation BMW (Reto Von Gunten); IT Automation BMW (Stephen Pickering); IT Business Applications (Paul Ashton); IT Communications Services (Nealesh Mistry); IT Compliance - EMEA (David Boyd); IT Compliance - Infrastructure (Neil Broster); IT EMEA (Martin Gallington); IT EMEA Infrastructure (Chris Gatley [C]); IT Infrastructure - Hosting (Sadha Venkatachellam); IT Infrastructure - Hosting (Sathasivan Venkatachellam); IT Infrastructure Service - Identity & Desktop (Rob Deacon); IT Infrastructure Services (Quentin Zhao); IT Security & Compliance (Bob DeMarco); IT Security & Compliance (Robert DeMarco); IT Security and Compliance (Alan Butterfield); IT Security and Compliance (Alan Matthew Butterfield); IT Service Management Office (Richard Williams); IT Services (Daniel Robinson); IT Vendor Contracts (Craig Skelton); IVV Bacteriology (Matthew Stellato); IVV Chemistry (Thuy Dang); IVV Environmental Monitoring (Andrea Chalker); IVV Potency + Biochemistry US (Corina Zahra); IVV Potency, Biochem Rest of World (Anna Gruszka); IVV Seed Development (Brad Dickson); Identity and Access Management Operations (Bill Keohane); Ig Marketing (Sara Cowan); Ig&API Franchise Marketing (Amlie De Rosnay) (52388632); Ig&API Franchise Marketing (Am√©lie De Rosnay) (52388632); Ig&API Franchise Marketing (Emmanuelle Massonie) (52388632); Ig&API Sales Force Florent Privat (Emeline Bedu) (52388634); Ig&API Sales Force Florent Privat (Florent Privat) (52388634); IgG & Albumin/Supply Chain PMR Main Site (Barbara Kalina (Inherited)); IgG & Albumin/Supply Chain PMR Main Site (Wilfried Freudenberg); IgLAB (Franz Petter); IgLAB Bulk formulation (Susanne Gilgen); IgLAB Bulk purification (Thomas Eckert); IgLAB MV&VI Bulk Formulation (Sandra Kaempfer); IgLAB MV&VI Bulk Purification (Mathias Schinegger); IgLAB MV&VI Subfractionation (Markus Hauert); IgLAB Subfractionation (Mark Deutschland); IgLAB Subfractionation (Markus Hauert); IgLAB Subfractionation (Susanne Gilgen); IgLAB Subfractionation (Thomas Daehler); IgLABMV&VI (Marius Liesch); IgPRO (Markus Weber); Immunoglobulin Asset (Fritz Rentsch); Immunohematology Lab (Maria R Fernandez (Inherited)); Immunohematology Lab (Peter A Fitzgerald (Inherited)); Immunology & Neurology CommDev Marketing (Michael Ward); Immunology & Neurology Medical Affairs (Andrew Koenig); Immunology & Neurology New Products (Regula Styger Baumann); Immunology & Neurology RDPM (Karen Lindquist); Immunology & Neurology RDPM I (Sabine Alexandra Stoffel Domig); Immunology & Neurology TA (Jay Bowsher); Immunology & Rare Disease Group (Hirokazu Imura); Immunology & Rare Disease Group (Shinichiro Magome); Immunology & Rare Disease TA (Takuya Ohshima); Immunology (Bernhard Czapla (Inherited)); Immunology (Claudia Bachmann (Inherited)); Immunology (Heinrich Feischen (Inherited)); Immunology (Helen Hartman); Immunology (Holger Milkereit (Inherited)); Immunology (IMM) (Stefan Spycher); Immunology (Michael Bernd Rode (Inherited)); Immunology (Rachpal Malhotra); Immunology (Rainer Adam (Inherited)); Immunology (Ralf Kosmol); Immunology (Susanne Mller (Inherited)); Immunology (Susanne M√∂ller (Inherited)); Immunology - Transplant (Mircea Ciuca); Immunology / Transplant (Mircea Ciuca); Immunology Lab (Maria R Fernandez (Inherited)); Immunology Lab (Peter A Fitzgerald (Inherited)); Immunology Marketing (Bernadine Koziara (Inherited)); Immunology Marketing (Biju Chorinchath); Immunology Marketing (JD Kohutka); Immunology New Products (Regula Styger Baumann); Immunology TA (Jay Bowsher); Immunology TA Marketing (Michael Ward); Immunology TA Medical Affairs I (Andrew Koenig); Immunology and Neurology TA (Sharon Popik); Immunology and Neurology TA (Susanne Wang); Immunology-North America (Ian Gourley); Import / Export Lead AU (Robert Bronikowski); Import Export Compliance (MICHAEL MORRILL); Import Export Compliance (Markus Buri); Import Export Compliance (Michael Morrill); Import-Export Compliance (Nona Clarke); Import/Export Compliance (Neda Nikolic); Import/Export Compliance (Nona Clarke); Impurity & Data Management (Patricia Lieby); Impurity Data Mngt I (Madlene von K√§nel); Impurity Data Mngt I (Simona Pfister); Impurity and Data Mngt II (Tanja Angela Nyffenegger); In Market Logistics EMEA (Avi Yuhay); In-Market Logistics Turkey/EEU (Avi Yuhay); Incoming Quality Assurance (Jamie Nichols); Incoming Quality Assurance (Lynette Mirrielees); Incoming Quality Assurance GL (Cindy Rocknowski (Inherited)); Incoming Quality Assurance GL (Jeffrey Zoubek (Inherited)); Indianapolis 146 (Brian W Stewart); Indianapolis 146 (Randy Miller); Indianapolis 146 QA (Erik Tharp); Indianapolis 146 QA (Randy Miller); Indianapolis 181 (Jami Colson); Indianapolis 181 ACM Area 1 (Dayneisha G Pinkston); Indianapolis 181 ACM Area 1 (Jordan Swoape); Indianapolis 181 ACM Area 2 (Ronnisha Banks); Indianapolis 181 QA (Aja Blue); Indianapolis 181 QA (Drewleigha B Sarver); Indianapolis 181 QA (Robin L Oldaker); Indianapolis 412 (LaToya M Hinkle); Indianapolis 412 ACM Area 1 (Brian Stewart (On Leave)); Indianapolis 412 ACM Area 1 (Brian Stewart); Indianapolis 412 ACM Area 2 (Latoria J Moore); Indianapolis 412 QA (Ashley Kemper); Indirect Procurement (Daniela Ebert); Industriekaufleute (Carmen Walldorf (Inherited)); Industriekaufleute (Doris Nake (Inherited)); Indy 146 ACM Area 1 (Sara K Campbell); Indy 146 ACM Area 1 (Sara K Sheets); Indy 146 ACM Area 2 (Joe Hicks Jr); Influenza (Chris Clarke); Influenza Operations (Bill Cracknell); Influenza Vaccines (Carole Verhoeven); Influenza Vaccines Seasonal (Athanasia Papadimitriou); Influenza Vaccines Seasonal (Jonathan Edelman (Inherited)); Influenza and National Products, Global RA (Lisa Steinberg); Information Security (Federico Iaschi); Infrastructure Design (Jeremy Finlay); Infrastructure Excellence & Process Management (Stephan Krummel); Infrastructure Program Manager (Jessica Bartels); Infrastructure Program Mgr (Jessica Bartels); Infusion Science - ISS (Lisa Barrett); Infusion Science - ISS (Lisa Barrett); Inhibitors, FI, FXIII & Support/Supply C (Barbara Kalina (Inherited)); Inhibitors, FI, FXIII & Support/Supply C (Wilfried Happel); Innovation (Becky Heatherman); Inoculation (Jubail Dimabuyu); Inspection & Packaging (Jonathan Kanczes); Inspection & Packing (Ben Hagger); Inspection & Packing (David Nguyen); Inspection & Packing (Joanna Madafferi (Inherited)); Inspection & Packing (Joanna Madafferi); Inspection (Pasquale Carestia (Inherited)); Inspection (Thomas Royal); Inspection (Union) (Pasquale Carestia (Inherited)); Inspection (Union) (Thomas Royal (Inherited)); Inspection semi final prod. 4 (Samira Spahn-Belbaita); Instrum & Elect Engineer (Justin Lim); Instrumentation (Colin Steele); Integrated Business Planning (Avi Gor√©); Integrated Business Planning (Avinash Gor); Integrated Business Planning (Avinash Gor√©); Integrated Business Planning (Jamie Pritzl); Intercontinental Supply Chain (Oliver Wehner); Internal Communications (Claudine Heinz); Internal Communications (Jasmin Joller); Internal Communications (Laura Kumpe); Internal Services (Reto Moser); Internal processes (Ernst Scheurer); International Logistics - Intermediates, Special Shipments (Julia Daum); International Logistics - Team Americas - APAC (Anna-Karina Muth); International Logistics - Team Americas / APAC (Anna-Karina Muth); International Logistics - Team EMEA (Christoph Mueller); International Payroll (Clair Burke); International Plasma Operations (Jeffrey A Schulz); Interns (Jacqueline Hawkins (Inherited)); Investigation & Process Owners (Ryan Cox); Investor Relations (Mark Dehring); Invoice Control & Invoicing of Services (Harald Bieker (On Leave), Beatrix Gnau); Invoice Control & Invoicing of Services (Harald Bieker); Irondequoit 246 (Sheilah Mykins); Irondequoit 246 ACM Area 1 (Nicole Chipembere); Irondequoit 246 ACM Area 2 (Teresa Moreira-Weil); Irondequoit 246 QA (Meghan Beckedorf); Italian Commercial Finance (Laura Lucaroni); JPN TA (Coagulation) (Yuki Hidaka); JPN TA (Critical Care) (Osamu Tsukamoto); JPN TA (Immunology) (Satoshi Koike ??? ? - ??? ???? (Inherited)); JPN TA (Immunology) (Tomomi Shibata); JPN TA (Osamu Tsukamoto); Jackson 156 (Chris Weary); Jackson 156 (Jose L Dela Garza (Inherited)); Jackson 156 ACM Area 1 (Chris Weary); Jackson 156 ACM Area 1 (Joseph Dupree); Jackson 156 ACM Area 2 (Adrian Johnson); Jackson 156 QA (Bonnie M Talbott (Inherited)); Jackson 156 QA (Cynthia Hill); Jackson 156 QA (Jose L Dela Garza (Inherited)); Jackson 156 QA (Savannah Vann); Jackson 205 (Mark Bundy); Jackson 205 ACM Area 1 (Erica R Smith); Jackson 205 ACM Area 2 (Kenny Berry); Jackson 205 QA (Marc D Fisher); Jackson 205 QA (Nicole Pichla (On Leave)); Jackson 205 QA (Nicole Pichla); Jackson 225 (Bonnie M Talbott (Inherited)); Jackson 225 (Cherita Saulmarshall); Jackson 225 (Jai Baylis); Jackson 225 (Kronnetra Hester); Jackson 225 ACM Area 1 (Mariyo Archie); Jackson 225 ACM Area 2 (Jose L Dela Garza); Jackson 225 ACM Area 2 (Stanley Taylor); Jackson 225 QA (Deborah L Baker); Jackson 225 QA (Keyauna Lewis); Jackson 257 (Sarah E Silva); Jackson 257 ACM Area 1 (Caitie Golubski); Jackson 257 ACM Area 2 (Jarrett Heathcock); Jackson 257 ACM Area 2 (Sarah E Silva (Inherited)); Jackson 257 QA (Brooke McKinney); Jacksonville 251 (Sherri L Clark); Jacksonville 251 ACM Area 1 (Gina Castellano); Jacksonville 251 ACM Area 2 (AlexZandria Taylor); Jacksonville 251 QA (Brett A Wintheiser (Inherited)); Jacksonville 251 QA (Cindy Vieira); Japan Clinical Safety & Pharmacovigilance (Mariko Hase); Japan Field Services (Satoru Shimizu); Japan Project Management (Midori Kobayashi); Johnston 242 (Catherine Colucci); Johnston 242 (John L Thixton); Johnston 242 (Renee Keyser); Johnston 242 ACM Area 1 (Son Nguyen); Johnston 242 ACM Area 2 (Cessa Piedra); Johnston 242 QA (Allante S Williams); Johnston 242 QA (Erin Thompson); Joliet 219 (Andrew Franzen); Joliet 219 (Christopher J Rivers Jr); Joliet 219 ACM Area 1 (Sharon Kunz); Joliet 219 ACM Area 2 (Duanita Scott); Joliet 219 QA (Beth Majewski); Joliet 219 QA (Lori Carlson (Inherited)); Joliet 219 QA (Ryan Welter); Jonesboro 120 (Maurice E Clements); Jonesboro 120 ACM Area 1 (Jumela S Bell); Jonesboro 120 ACM Area 1 (Sade Hodges); Jonesboro 120 ACM Area 2 (Denise Bloodsaw); Jonesboro 120 ACM Area 2 (Jumela S Bell); Jonesboro 120 QA (Laila Matthews-El); Jonesboro 120 QA (Rose-Marie O Bland); K-C Fractionation (Union) (Jason Vaughn); K-C Fractionation (Union) (Samuel Jackson); KAN Security (Adam Kennell); KC Module 3 Operational Readiness (Cornelis Rijneveld); KOP Corporate Services (Michael Hays (Inherited)); KOP Corporate Services (Wendy Kilp) (Wendy Kilp); KOP Facilities (Michael Hays); KOP Outsourcing (Melissa Hurst); KOP Security (Shanna Aldridge); KOP Sourcing (Ed Rosario); KOP Sourcing (Paul Addis (Inherited)); Kankakee Field Services (Rebecca Liehr); Kankakee Manufacturing (Ernest Shepard); Kankakee R&D Tech Transfer (Shannon Boudreau); Kansai Area (Shingo Fujiwara); Kansai Area (Tatsuto Aihara); Kansas City 011 (Cristina E Ceniceros); Kansas City 011 (Tina Wagenknecht); Kansas City 011 ACM Area 1 (Dustin Irish); Kansas City 011 ACM Area 2 (Cristina E Ceniceros); Kansas City 011 ACM Area 2 (Samuel Jordan); Kansas City 011 QA (Cole D Kimple (Inherited)); Kansas City 011 QA (Samuel Anderson); Kansas City 011 QA (Whitney A Dean); Kansas City 410 (Cristina E Ceniceros); Kansas City 410 (Tina Wagenknecht); Kansas City 410 (Trethan R Copeland); Kansas City 410 ACM Area 1 (Jackie Florez); Kansas City 410 ACM Area 2 (Trethan R Copeland); Kansas City 410 QA (Kimberly S Mangold); Kansas City 410 QA (Whitney A Dean); Kaufmann f√ºr B√ºrokommunikation (Doris Nake (Inherited)); Kcentra Marketing (John Nicastro); Kcentra Marketing (Tom Groeling (Inherited)); Kcentra Marketing Group (Shunsuke Kuwata ??? ?? - ??? ??????); Kcentra Marketing I (Sara Cowan); Kenner 149 (Chris Weary); Kenner 149 (Durrell Arceneaux); Kenner 149 (Michael Markey); Kenner 149 ACM Area 1 (Brittany Miles); Kenner 149 ACM Area 2 (Teresa Currence); Kenner 149 QA (Centrell J Jackson); Kent 112 (David M Wilson); Kent 112 (Diana H Ek); Kent 112 ACM Area 1 (Diana H Ek (Inherited)); Kent 112 ACM Area 1 (Trevor Case); Kent 112 ACM Area 2 (Wesley Noble); Kent 112 QA (Brian Patterson); Kent 112 QA (Robert D Coulter); Kent 112 QA (Sasima Teadwatanasuk); Kent 160 (Michael J Ryan); Kent 160 ACM Area 1 (Brandy M Cermak); Kent 160 ACM Area 2 (Bambi C Gonwa); Kent 160 QA (Jamie L Dunderman); Kent 160 QA (Jamie L Matheney); Key Account Management (Alexander Kahlau); Key Account Management (Shun Huang ); Key Account Management (Shun Huang ????); King of Prussia Field Services (Cheryl Fennell); King of Prussia Field Services (Joy Holland); King of Prussia Field Services (Mary Jane McPherson (Inherited)); King of Prussia Quality (Brian Puglisi); Kitakanto Shinetsu Area (Hideo Yonesaka); Knowledge Management (Jacqui Altman); Knowledge Management (Kim Vandenberg); Knowledge Management (Leanne Cummings); Knoxville 405 (Brianna E Ballew); Knoxville 405 (John W Kelly); Knoxville 405 (Keith Clemons (Inherited)); Knoxville 405 ACM Area 1 (Michael R Thomas); Knoxville 405 ACM Area 2 (Leighann N Miller); Knoxville 405 QA (Tina G Ledbetter); Knoxville 405 QA (Tina Grubb Ledbetter); Kommunikation (Stephanie Fuchs); Konzessionen/Brandschutzbeauftragter (Michael Knoll (On Leave)); Konzessionen/Brandschutzbeauftragter (Michael Knoll); Koordination und Dokumentation (Rainer Frank (Inherited)); Kyushu Okinawa Area (Akihiro Enomoto); L&D, Apprentices KV (Ruth Schmid); LATAM RA (Andrea Violante); LATAM Sales Ops CAM & CAR (Mariano Miri); LVP Sterility Assurance (Sara Kimmins); La Crosse 516 (Ranee Bloor); La Crosse 516 QA (Sara Martin); Lab Automation (Ann L Wickenheiser); Lab Facilities (Joel Jones); Lab Inventory (Joel Jones (Inherited)); Lab Operations (Diep Chau); Lab Operations, Bio21 (Kirsten Edwards); Labor Relations (Steven Stewart); Laboratory Management Pasadena (Anthony Navarro); Laboratory Management - Pasadena (Anthony Navarro); Laboratory Operations (Constance W Farrar); Laboratory Operations (Marleen Enthoven); Laboratory Operations (Ricky R Alexander); Laboratory Systems (Amit Krishna); Lackawanna 238 (Martin Szczublewski); Lackawanna 238 ACM Area 1 (Brent Hollingsworth); Lackawanna 238 ACM Area 2 (Allie Tuttle); Lackawanna 238 QA (Anita Brenon); Lackland 706 (Ovetta A Mickles); Lackland 706 ACM Area 1 (Gabriel J Martinez); Lackland 706 ACM Area 2 (Ariel Schiller); Lackland 706 ACM Area 3 (Nate Neal II); Lackland 706 QA (Amber Sanders); Lackland 706 QA (Brenton Ferguson); Lager/Ersatzteilmanagement (Leon Krupa); Lakeland 154 (Elizabeth Adkins); Lakeland 154 ACM Area 1 (Jeffrey Simmons); Lakeland 154 ACM Area 2 (Bralyn T McCullough); Lakeland 154 QA (Crystal L Reichard); Lakeland 154 QA (Matthew Smith (Inherited)); Lakeland 154 QA (William Forquignon); Lansing 042 (Debbie L Duhe); Lansing 042 ACM Area 1 (Elizabeth Lawhon); Lansing 042 ACM Area 2 (Ruth A Griffin); Lansing 042 QA (Christine M Leija); Lansing 118 (Angie K Fedewa); Lansing 118 ACM Area 1 (Douglas Fiedler); Lansing 118 ACM Area 2 (Toussaint Hodari); Lansing 118 QA (Jessica Babcock); Las Cruces 506 (Samuel V Grijalva); Las Cruces 506 ACM Area 1 (Jacquelyn Jaques); Las Cruces 506 ACM Area 2 (Ira Bacani); Las Cruces 506 QA (Linda Dutchover); Las Vegas 081 (Jolena Lee); Las Vegas 081 (Michele Purvines-Honzo); Las Vegas 081 ACM Area 1 (Austin Vinson); Las Vegas 081 ACM Area 2 (Kevin Wallace); Las Vegas 081 ACM Area 3 (Christian Marcus); Las Vegas 081 QA (Erica Wiley); Las Vegas 081 QA (Paul Warden (Inherited)); Las Vegas 081 QA (Yaritza Monarrez); Las Vegas 172 (TIM AVILA); Las Vegas 172 (Xang Vang); Las Vegas 172 ACM Area 1 (Lashay Anter); Las Vegas 172 ACM Area 1 (Sarah C Sweat); Las Vegas 172 ACM Area 2 (Jessica L Jabbora); Las Vegas 172 QA (ANGELICA WILSON); Las Vegas 172 QA (Aaron D Learn); Las Vegas 216 (Erica Wiley); Las Vegas 216 (Nicole M Loncon); Las Vegas 216 ACM Area 1 (Erica Wiley); Las Vegas 216 ACM Area 1 (Michael Dako); Las Vegas 216 ACM Area 2 (Erica Wiley); Las Vegas 216 ACM Area 2 (Jose D Garcia); Las Vegas 216 QA (Orlando R Edwards Jr); Las Vegas 501 (Cari N Howard); Las Vegas 501 ACM Area 1 (Lissa Elswick); Las Vegas 501 ACM Area 2 (Steven G Simpson); Las Vegas 501 QA (Miranda Banks); LatAm Supply Chain (Martin Rossini); Late DSP Development (Erik Hinze); Late DSP Development (Tobias Brandt); Late Stage DSP Development (Erik Hinze); Late Stage DSP Development (LDD) (Uwe Liebing); Late Stage DSP Development (Tobias Brandt); Late Stage DSP Development (Uwe Liebing (Inherited)); Late USP Development (Jasmine Roth); Latin America (Juan Feliu); Latin American Distributors (Jean-Claude Andr); Latin American Distributors (Jean-Claude Andr√©); Lawrence 012 (Amy L Jackson); Lawrence 012 (Cole D Kimple (Inherited)); Lawrence 012 (Jessey Johnson); Lawrence 012 ACM Area 1 (Jessey Johnson (Inherited)); Lawrence 012 ACM Area 1 (Laura Hassen); Lawrence 012 ACM Area 2 (Taniesha D Kopriva); Lawrence 012 QA (Adam Loop); Lawrence 012 QA (Jessey Johnson (On Leave)); Lawrence 012 QA (Jessey Johnson); Lawrenceville 186 (Domonique T Walker); Lawrenceville 186 ACM Area 1 (Jeffrey Toussaint); Lawrenceville 186 ACM Area 2 (Ahesha M Francis); Lawrenceville 186 QA (Brandon Bailey); Lawton 452 (Natalie Compher); Lawton 452 (Vicky Sablan (On Leave)); Lawton 452 (Vicky Sablan); Lawton 452 ACM Area 1 (Jace A Guthrie); Lawton 452 ACM Area 2 (Samuel Jones); Lawton 452 QA (Adam Loop); Lawton 452 QA (Tiffany N Oxley); Layout & Packaging Planning (Martina Schweyer); Lead BP Finance - Asia Pac (Brendan Safe); Lead Clinical Oversight Manager (Anja Br√§unlich (Inherited)); Learning and Development (Amy Jackson); Learning and Development (Ann Lescher); Learning and Development (Henry Docx); Learning and Development (Karen A Emord); Learning and Development I (Henry Docx); Legal (Christine Dragann); Legal (Melissa Merriweather); Legal - Americas (John Neff); Legal - Australia (Amy Demediuk); Legal - Australia (Fiona Mead); Legal - Australia (Patrick Brady); Legal - Australia (Phyllis Perkins); Legal - Australia (Raewynn McIntyre); Legal - Australia (Tom Reid); Legal 1 (Khalil Rogers); Legal Clinical (Brian Sharma); Legal Counsel, Commercial, North America (Michael O''Connor); Legal Department APAC (Mae Chen ); Legal Department APAC (Mae Chen ?????); Legal Department Bern (Niklaus Kraehenbuehl); Legal Department Bern (Philippe Mueller); Legal Department Marburg (Dennis Kraft); Legal Operations Europe, Asia, Intercon. (Gereon Backmann); Legal Partners (Antje Michel); Legal Services (Sam Benyamin); Legal Services Europe & ICO (Charlotte Tvede Andersen); Legal Support One Commercial Operations Europe (Gereon Backmann (Inherited)); Legal Support One Commercial Operations Europe (Gereon Franz-Josef Backmann (Inherited)); Legal Support One Commercial Operations Europe (Gereon Franz-Josef Backmann); Legal ZLB Plasma (located in KOP) (Eric Silberstein); Lengnau Administration & Office Management (Boris Lanoir (Inherited)); Lengnau Administration & Office Management (Natasha Jackson); Lengnau Amenities Support (Franz Renfer); Lengnau Business Operations Services (Guenther Baumgartner); Lengnau Execution Systems (Frank Mastellone); Lengnau Facility Project (Darren Vegara); Lengnau Facility Project (Paul Loxley); Lengnau Human Resources (Ece Ergin [C]); Lengnau Human Resources (Sandro Krug (Inherited)); Lengnau Program (Nina Walser); Lengnau Program (Urs Meyer); Lengnau Project Documentation (Anamaria Negura); Lengnau Project Documentation (Mairead Henry [C]); Lengnau Project Documentation (Thorsten Buergel [C]); Lengnau SC and IBP (Marco Restelli); Lernende Logistik (Silvio Beck); Lexington 053 (Bobby R Fields Jr); Lexington 053 (Morgan R Grose); Lexington 053 ACM Area 1 (Jamale R Gentry); Lexington 053 ACM Area 2 (A.J. Stevenson); Lexington 053 QA (Michele R Estepp); Lexington 404 (Chris Otto); Lexington 404 ACM Area 1 (Ben Jones); Lexington 404 ACM Area 2 (Nathan J Fox); Lexington 404 QA (April Tyler); Lexington 404 QA (Bailee E White); Lichuan Plasma Collection Center (Jun Lai ); Lichuan Plasma Collection Center (Jun Lai ????); Lifecycle Management (Kathrin Eichstdt); Lifecycle Management (Kathrin Eichst√§dt); Lincoln Park 101 (Miriah Grady); Lincoln Park 101 (Toni M Walden); Lincoln Park 101 ACM Area 1 (Jeanette M Love-Ellison); Lincoln Park 101 ACM Area 2 (Dion J Holland); Lincoln Park 101 QA (Jenae Beacham); Lincoln Park 101 QA (Latosha Y Floyd (Inherited)); Lincoln Park 101 QA (Remie T Ray); Linden 212 (Jennifer Luque); Linden 212 ACM Area 1 (Jennifer Luque (Inherited)); Linden 212 ACM Area 1 (Matthew Clayborn); Linden 212 ACM Area 2 (Paul Eatman); Linden 212 QA (Jaleeka Johnson); Linden 212 QA (Stephanie D Shah (Inherited)); Linden 212 QA (Wendy MacConnell); Little Rock 234 (Seth Stuerke); Little Rock 234 ACM Area 1 (Charlie Hollinquest-Ford); Little Rock 234 ACM Area 2 (Ben Kulpa); Little Rock 234 QA (Akira Crenshaw); Logisitcs Manager VIC 266 (John Turone (Inherited)); Logistics (Angela Schembri); Logistics (Brendan Xerri); Logistics (Carl Werner (Inherited)); Logistics (Christopher Pela Fuaiva''a); Logistics (Dalal Mikhaeel); Logistics (Ibs Kaygisiz); Logistics (Ljubinka Duzel); Logistics (Peter Trimcevski); Logistics (Sam Mekhael (Inherited)); Logistics (Sam Mekhael); Logistics (Sebastian Sarmiento); Logistics (Tracy McIntosh); Logistics - Purchasing (Benjamin Fruin); Logistics - Purchasing (CHERYL GOODWIN); Logistics - Purchasing (Sue Savage); Logistics APAC (Edwin Chia); Logistics Customer Group (Namiko Hirakawa); Logistics I (Harald Mller (Inherited)); Logistics I (Harald M√ºller (Inherited)); Logistics Operations (Kai Menz); Logistics Operations (Koji Sugihara - ); Logistics Operations (Koji Sugihara ??? ?? - ???? ????); Logistics Operations - LATAM (Bruno Arakaki); Logistics Operations Australia (Suzanne Johnson); Logistics Operations Customer Service (Kaye McConnell); Logistics Operations Customer Service (Tanja Wells); Logistics Operations Europe (Matthias Loth); Logistics Operations Manager (John Turone); Logistics Operations- Americas (Daniel Sweed); Logistics Operations- Americas (Marianne McDonald (Inherited)); Logistics Planning Group (Takayuki Kato); Longwood 195 (Annette Nelson); Longwood 195 (Brian D Kelly); Longwood 195 ACM Area 1 (Jenna Smith); Longwood 195 ACM Area 1 (Vincent Spencer); Longwood 195 ACM Area 2 (Jessica Greene (On Leave)); Longwood 195 ACM Area 2 (Lori B Warfield); Longwood 195 QA (Brian Murzycki); Longwood 195 QA (Christopher Davis); Longwood 195 QA (John Garrett); Look Back / PDI (Julia Schimansky); Louisville 054 (Susan D Bensing); Louisville 054 ACM Area 1 (Tish Farris); Louisville 054 ACM Area 2 (Heather Romines); Louisville 054 QA (Gary Loy II); Louisville 054 QA (Keith Clemons (Inherited)); Louisville 054 QA (Melissa Casaus); Louisville 054 QA (Melissa J Roberts); Luotian Clinical Inspection (Yongmin Lv ?????); Luotian Inspection Management (Zengyi Chen ?????); Luotian Inspection Professional (Jiwei Liu ); Luotian Inspection Professional (Jiwei Liu ?????); Luotian Inspection Professional (Zheng Liang ????); Luotian Office Administration (Xiaoping Tang ?????); Luotian Office Administration (Zhen Zhang ); Luotian Office Administration (Zhen Zhang ????); Luotian Plasma Center Quality (Lixia He ?????); Luotian Plasma Collect (Jiali Fan ); Luotian Plasma Collect (Jiali Fan ?????); Luotian Plasma Collection (Meng Zhou ????); Luotian Plasma Collection (Menghua Ye (Inherited)); Luotian Plasma Collection (Shuiqiao Xiao ?????); Luotian Plasma Collection Center (Cunwei Hou ?????); Luotian Plasma Collection Center (Xiaoping Tang ); Luotian Plasma Collection Center (Xiaoping Tang ?????); Luotian Plasma Sourcing (Xiaoling Wang ); Luotian Plasma Sourcing (Xiaoling Wang ?????); Luotian Plasma Sourcing Management (Caihong Cheng ?????); Luotian Quality Management (Menghua Ye ); Luotian Quality Management (Menghua Ye ?????); Luotian Quality Management (Zheng Liang ????); Luotian plasma source management (Yongmin Lv ); Luotian plasma source management (Yongmin Lv ?????); Lyophilization (Jean-Claude Cauderay); M99 (Guido Mller); M99 (Guido M√∂ller); M99 (Marius Liesch); M99 NVI (Michael Theilkaes); M99 VVI (Marcel Mosimann); MDM Operations (Chandra Karpuram); MES & Systems (Reto Von Gunten); MES Automation (Gary Steele); MES Koordination (Horst Boeder (Inherited)); MES Koordination (Ralf Dersch); MF-59 (Gerhard Seemann (Inherited)); MFG Berinert & Beriplex Production (Jonathan Signore); MFG Berinert & Beriplex Production (Union) (Jonathan Signore); MS&T Lead (Kevin Murphy); MS&T Liverpool (Lisa-Marie Foulkes); MSAT (Matthias Kaeser); MSL Manager (Claire Morgan); MST Labor 1 (Anne N√∂ll); Macon 233 (Keyonna L Gray); Macon 233 (Lori B Warfield (On Leave)); Macon 233 (Melodee C Ebel (Inherited)); Macon 233 (Sherri L Clark); Macon 233 ACM Area 1 (Jennie Miles); Macon 233 ACM Area 1 (Lori B Warfield (On Leave) (Inherited)); Macon 233 ACM Area 2 (Gina Castellano); Macon 233 ACM Area 2 (Tomecia Tillman); Macon 233 QA (Teddye Gandy (On Leave)); Macon 233 QA (Teddye Gandy); Madison 076 (Tiffany K Singh); Madison 076 ACM Area 1 (Shelby N Grimsley); Madison 076 ACM Area 2 (Jada Phillips); Madison 076 QA (Alissa Elke); Madison 076 QA (Iricka Williams); Madison 076 QA (Prim J Cunningham (Inherited)); Main (Elizabeth Boyd); Maintenance & Reliability (Michael Elmer); Maintenance & Utilities (Franz Arnold Nigsch); Maintenance (Jeffrey Rhodes); Maintenance (Michael J Stephenson); Maintenance (Michael Memenga); Maintenance (Union) (Jose Franceschini Mirabal (Inherited)); Maintenance (Union) (Michael Memenga (Inherited)); Maintenance Engineering (Vittorio D''Argento); Maintenance K3 (Jose Franceschini Mirabal (Inherited)); Maintenance K3 I (Michael J Stephenson); Maintenance Officer (Jesse Chen); Maintenance Officer (Ray Belli); Maintenance Operations (Vittorio D''Argento); Maintenance SC I (Jeffrey Rhodes); Maintenance Support Engineer (James Stevens); Maintenance U8 (Simon Urfer); Maintenance U8 (Stefan Bgli); Maintenance U8 (Stefan B√∂gli); Maintenance and Utilities (Jose Franceschini Mirabal); Major Capital Projects (Brian Price); Management Accounting (Daya Salter); Management Accounting (RYAN HANSEN); Manager , IVV Seed Development (Karen Laurie); Manager - QA Batch Release (Linda Curran); Manager - QA Batch Release (Sherrin Gribble); Manager DGL (Heike Gocht); Manager ICA (Tim Karla); Manager IT Applications BPCS (Rod Randall); Manager Performance Qualification (Aaron Haag); Manager QA Batch Release (Anthony Day); Manager QA Batch Release (Carol Youssef); Manager QA Batch Release (Olivia Fisher); Manager QA Capability (Mark Machowicz); Manager QA Capability (Nicole Schaefer); Manager QA Capability (Vicky Gakias); Manager, DS Processing (Jesse Bodle); Manager, Field Services Australia (Bec Heitbaum); Manager, Field Services Australia (Travis Slessar); Manager, QA Cont Imp & Iss Mgt (Christopher Burke); Manager, QA Cont Imp & Iss Mgt (Janet Drew); Manager, QA Cont Imp & Iss Mgt (Jeremiah Holden); Manager, Virol & Immuno Res (Erin Verity); Manf Dir - Influenza Vaccines (Paul Morrison); Manf Dir - Influenza Vaccines (Vincent Chung); Manhattan 019 (Stacy J Teske); Manhattan 019 ACM Area 1 (Shane A Groover); Manhattan 019 ACM Area 2 (Dave Lynn); Manhattan 019 ACM Area 2 (Stacy J Teske (Inherited)); Manhattan 019 QA (Karen L Phillips); Manufacturing (Barbara Beugger); Manufacturing (Boris Lanoir); Manufacturing (Bradley J Eberhart); Manufacturing (James Janachowski); Manufacturing (Jose Gonzalez (Inherited)); Manufacturing (Katie Wood); Manufacturing (Martin Schaeren (Inherited)); Manufacturing (Matthew Seay); Manufacturing (Patricia Stewart (Inherited)); Manufacturing (Rene Bruegger); Manufacturing - Fill/Finish (Vincent Chung); Manufacturing A1 (Danica Bates); Manufacturing B1 (Trinette Farr); Manufacturing B2 (Michael Haney); Manufacturing Continuous Improvement (Trinette Farr); Manufacturing EU & APAC (Pierre Caloz); Manufacturing Engineering (Aaron Imig); Manufacturing Execution Systems (Frank Behnisch); Manufacturing Finance (Jacob Weaver); Manufacturing Finance (Jason Mugridge); Manufacturing First Shift (Tish Smith); Manufacturing HS (Chad M Salisbury); Manufacturing HS (Dave Sehgal); Manufacturing HS (Karen Netherton); Manufacturing Kankakee I (Jose Gonzalez (Inherited)); Manufacturing LVP (Jonah Smith); Manufacturing LVP (Nige Hilton); Manufacturing Liverpool (Jonah Smith); Manufacturing Operations (Steven Aldrich); Manufacturing PKV (Chris Larkins (Inherited)); Manufacturing PKV (Jonah Smith); Manufacturing Quality Management (Ramzan Tabasum); Manufacturing SC I (Matthew Seay); Manufacturing Science & Technology (Klaus Schmitt); Manufacturing Science & Technology (Klaus-Jrgen Schlitt); Manufacturing Science & Technology (Klaus-J√ºrgen Schlitt); Manufacturing Sciences and Technologies (Heidi Bergman); Manufacturing Second Shift (Michael Haney); Manufacturing Supply Chain & Integrated Business Planning (Pat Golla); Manufacturing Support (Clare Hughes); Manufacturing Support (Dee Hamer); Manufacturing Support (Marco Restelli); Manufacturing Support (Vreni F√∂rtsch); Manufacturing Technical Operations Team (Yuan Su ); Manufacturing Technical Operations Team (Yuan Su ????); Manufacturing Technology & Science (Christoph Hau√ümann); Manufacturing Third Shift (Michael Haney); Maple Shade 215 (Brett Goldman); Maple Shade 215 (Darryl King); Maple Shade 215 ACM Area 1 (Tracey Pinkney); Maple Shade 215 ACM Area 2 (Erica Hoesly); Maple Shade 215 QA (Deb Stith); Maple Shade 215 QA (Kimberly Perry); Marburg Data Management (Babette Katharina von Hagen); Marburg Field Services (Alexander Berendes); Margate 142 (Christina M Kokoszka); Margate 142 (Michelle S DeCambre); Margate 142 (Takisha F Jackson); Margate 142 ACM Area 1 (Amanda Bybee); Margate 142 ACM Area 1 (Kurt S Tuckett); Margate 142 ACM Area 2 (Kencia Cadet-Pa?ko); Margate 142 ACM Area 2 (Kencia Cadet-Pako); Margate 142 QA (Estela M Euceda); Margate 142 QA (Karen Blanchard-Sims); Market Access & Public Health Netherlands (Els Devriese); Market Access (Debbie Drane (Inherited)); Market Access France (Alice MATHERON); Market Access France (Franck Puget (Inherited)); Market Access GE/AT/Emerg. Europe (Dirk Hoheisel (Inherited)); Market Access GE/AT/Emerg. Europe (Ilona Krug); Market Access Italy (Lara Pippo); Market Access Russia & CIS (Batyrkhan Kuatov); Market Access Strategy (Robert Rouse); Market Access and Commercial Strategy (Ling Yang ????); Market Access and Public Affairs (Jonathan Galduf Cabanas); Market Access and Public Affairs (Jose Luis Moreno Sanchez); Market Access and Public Affairs (Sandra Santos); Market Research (Nathan Barrall); Market Research (Venkatesh Ramakrishnan (Inherited)); Marketing & Medical Affairs Interconti. (Thomas Hauck); Marketing (Brian McMaster); Marketing (Dariusz Holdys); Marketing (Elena Glukhova); Marketing (Michael Chen ?????); Marketing (Philippe Hebert (Inherited)); Marketing (Robert Mitchell); Marketing (Scott Newkirk); Marketing (Thomas Offergeld); Marketing Belgium (Marijke Maes); Marketing Benelux (Erwin Franken); Marketing Benelux (George Peters); Marketing Benelux (Patrick Reygaert); Marketing Benelux (Stefaan Schatteman [C]); Marketing Coagulation (Marino Bertapelle); Marketing Coagulation (Sharad Agrawal); Marketing Communication (Anastasia Walsh); Marketing Department (Marianna Konstantinidi (Inherited)); Marketing Division (Jean-Marc Morange (Inherited)); Marketing Division (Kyota Yamaoka - ); Marketing Division (Kyota Yamaoka ??? ?? - ???? ?????); Marketing Division Congress Group (Kyota Yamaoka - (Inherited)); Marketing Division Congress Group (Kyota Yamaoka ??? ?? - ???? ????? (Inherited)); Marketing Division Critical Care and Acquired Bleeding (Shunsuke Kuwata - ); Marketing Division Critical Care and Acquired Bleeding (Shunsuke Kuwata ??? ?? - ??? ??????); Marketing Division Hemophilia Group (Makoto Kubo); Marketing Division Hemophilia Group (Sho Sakuma ???? ? - ??? ????); Marketing Division Immunology & Rare Disease Group (Shinichiro Magome); Marketing Division SID Group (Jun Ishiwa - ); Marketing Division SID Group (Jun Ishiwa ??? ? - ??? ????); Marketing France (Benjamin BISMUTH); Marketing France (Pascale Ogel Le Guen); Marketing Franchise (marco odelli); Marketing Greece (Marianna Konstantinidi (Inherited)); Marketing In-Licensing Director (James Kretsis); Marketing Intercontinental (Timothy Akroyd); Marketing Italy (Alessandro Vasco); Marketing Italy (Giorgio Lippi); Marketing Manager (Andrew Barker); Marketing Manager (Natasha Rees); Marketing Manager (New Influenza Products) (Belinda Anderson); Marketing Manager 745 (Belinda Anderson); Marketing Manager 745 (Gina Kladis); Marketing Manager 745 (Helen Concilia (Inherited)); Marketing Nordic (Petter Olbe); Marketing Portugal (David Ventura); Marketing Product (Rebecca Turner); Marketing Product Administration (Edward Potter); Marketing Program (Michael Chen ); Marketing Program (Michael Chen ?????); Marketing Schweiz (Beatrice Guldimann); Marketing Schweiz (Christoph Schneider); Marketing Spain (Aurea Xumetra); Marketing Specialty Products (Jan Hoesche); Marketing UK (Amandine Faguer); Marketing UK (Eddie Owens (Inherited)); Marketing, China Com Ops (Claire Tang ); Marketing, China Com Ops (Claire Tang ?????); Marketing, Medical Affairs & Market Access Interconti. (Thomas Hauck); Mass Spec Research (Victor Nesati); Master Data & Country Specific (Joachim Leiss); Master Data & Country Specific (Julian Knabeschuh); Master Data (Bruce C Beatty); Master Data (Gilbert Kilchoer); Master Data Management ES (Roland Burkhard); Master Data Management Finished Product (Luana Gauer); Master Data Technology (James G Kirby); Master Data, Maintenance & Development (Julia Schimansky); Master Production Planner - Privigen (Kylie Cramer); Materials Life Cycle Management (Jennifer Chung); Materials Management (Steven E Putlack); McAllen 258 (Ben Samarripas (Inherited)); McAllen 258 (Carlos Floyd); McAllen 258 ACM Area 1 (Felipe Gonzalez); McAllen 258 ACM Area 1 (Marc Garcia); McAllen 258 ACM Area 2 (Monica Contreras); McAllen 258 QA (Esperanza Pina); McKeesport 192 (Miekal Brown); McKeesport 192 (Steven Warheit); McKeesport 192 ACM Area 1 (Aaron Bova); McKeesport 192 ACM Area 2 (Caroline Hoyer); McKeesport 192 QA (Daniel Sullenberger); McKeesport 192 QA (Katherine Parker); Mckinney 276 (Sheneka E Wilson); Mckinney 276 ACM Area 1 (Charles E Baxter IV); Mckinney 276 ACM Area 2 (Andrew Fluharty); Mckinney 276 QA (Roxann L Sandoval); Mech Main Engineer 253 (Desmond Lobo); Mechanic (Thomas Baumann); Mechanical Maintenance (Daniel Hofmann); Mechanical Maintenance (Stefan Schmid); Mechanicsburg 171 (Bernard Thompson); Mechanicsburg 171 (John L Thixton (Inherited)); Mechanicsburg 171 (Michele Purvines-Honzo (Inherited)); Mechanicsburg 171 (Olivia Chung); Mechanicsburg 171 ACM Area 1 (Theodore Rooks); Mechanicsburg 171 ACM Area 2 (Michael Crosby); Mechanicsburg 171 QA (Cyle Starner-Moore); Mechanicsburg 171 QA (Kellie N Buecker); Mechanicsburg 171 QA (Kimm Klisiewicz); Mechatroniker (Doris Nake (Inherited)); Medford 037 (Jane Herrera); Medford 037 ACM Area 1 (Hattie E Johnston); Medford 037 ACM Area 2 (Denise Scarborough); Medford 037 ACM Area 2 (Katrina D Walls); Medford 037 QA (Richard W Smith); Medical (Christina Berchtold); Medical Affair (Claire Morgan); Medical Affairs (David Crump); Medical Affairs (Giulio Barrese); Medical Affairs (Gunnar Philipp); Medical Affairs (Manzhou Hou ); Medical Affairs (Manzhou Hou ?????); Medical Affairs (Michael Haslauer); Medical Affairs (Navin Singh); Medical Affairs (Robert Chan); Medical Affairs (Sebastian Dinatale); Medical Affairs Belgium (Anne Verheyen (Inherited)); Medical Affairs Benelux (Anne Verheyen); Medical Affairs Division (Robert Chan); Medical Affairs Division Hematology and Thrombosis Group (Yasuhiro Terano ??? ?? - ??? ?????); Medical Affairs Division Hemophilia Group (Motohiro Okayasu - ); Medical Affairs Division Immunology & Rare Disease Group (Er Win Hew); Medical Affairs Division Medical Excellence and Operations (Kenji Suwa - ); Medical Affairs Division Medical Excellence and Operations (Kenji Suwa ??? ?? - ?? ????); Medical Affairs Division SID Group (Hiromi Igari ??? ?? - ??? ????); Medical Affairs EU (Damian Gilkerson (Inherited)); Medical Affairs EU (Patrick Sommerer); Medical Affairs France (Jamila Filipecki); Medical Affairs France (Nabil Moumane); Medical Affairs Germany (Paolo Bajcic); Medical Affairs Germany (Patrick Sommerer); Medical Affairs Greece (Evi Baimpou); Medical Affairs Italy (Learco Mottola); Medical Affairs Netherlands (Anne Verheyen (Inherited)); Medical Affairs Nordic (Martin Tenlen (Inherited)); Medical Affairs Nordic (Michael Gr√∂vdal); Medical Affairs Nordic (Stefan Grass); Medical Affairs Project Management (Diane Bracquart); Medical Affairs Russia (Evgeny Rudenko); Medical Affairs Russia (Maria A Lituchaya (Inherited)); Medical Affairs Spain (Jos Aznar-Salatti); Medical Affairs Spain (Jos√© Aznar-Salatti); Medical Affairs Specialty Products (Thomas Machnig); Medical Affairs UK (Alessandro Dos Santos); Medical Affairs UK (Jo Heaton); Medical Affairs of Greater China (Helen Dai ); Medical Affairs of Greater China (Helen Dai ????); Medical Affairs, Americas (Ashesh Gandhi); Medical Affairs, Canada (Ashesh Gandhi (Inherited)); Medical Affairs, Europe (Sankarasubramanian Rajaram); Medical Affairs, Influenza (Karita Ambrose); Medical Affairs, Rapivab (Ashesh Gandhi (Inherited)); Medical Communications, US (Nancy Dougherty); Medical Department Turkey (Hasan Avcu); Medical Excellence and Operations (Mitsuhiro Kuwahara); Medical Excellence and Operations (Robert Chan (Inherited)); Medical Hemophilia Group (Takeo Hirai ??? ?? - ??? ????); Medical Manager (Andrea McCracken); Medical Manager (Anthony Gargano); Medical Manager (Arturo Lopez Larios); Medical Manager (Claire Morgan); Medical Manager (DEBRA BOURKE); Medical Manager (Debra Bourke); Medical Manager (Jane Wheeler); Medical Manager (Julianne Bayliss); Medical Manager (Luis Aversa); Medical Manager 842 (Jane Leong); Medical Manager 842 (MAUREEN THAM); Medical Operations US 2 (Jeanie Chiu); Medical Operations US 3 (Jennifer Hanes); Medical Operations US 3 (John Nelson); Medical Science Liaison Canada (James Mansi); Medical Scientific Liaison (Joana Rodrigues); Medical Scientific Liaison Spain (Jenny Alvarez Nieto); Medical Services (Anna Burek); Medical Unit Medical Information (Ana Claudia Guersoni); Medical Unit ¬ñ Medical Information (Ana Claudia Guersoni); Medical Writing Quality and Publishing (Nerrie Lam); Medical Writing Therapeutic Area Lead (Ellen Krasutsky); Medical Writing (Amy Walton); Medical Writing (Bob Stumpo (Inherited)); Medical Writing (Bob Stumpo); Medical Writing (Midori Kobayashi); Medical Writing (Narelle Bramich (Inherited)); Medical Writing (Narelle Bramich); Medical Writing (Takashi Fukai ??? ?? - ??? ????); Medical Writing (Thomas Verish); Medical Writing - Therapeutic Area Lead (Daniel Wood); Medical Writing - Therapeutic Area Lead (Wolfgang Thielen); Medical Writing ¬ñ Quality and Publishing (Nerrie Lam); Medical Writing ¬ñ Therapeutic Area Lead (Ellen Krasutsky); Medical and Business Support (Antoinette Mangione); Medical and Quality Greater China (Spring Wang); Melrose Park 453 (Jesus A Castillo (Inherited)); Melrose Park 453 (Niki Wells); Melrose Park 453 (Tangerine Tingle); Melrose Park 453 ACM Area 1 (Tangerine Tingle (Inherited)); Melrose Park 453 ACM Area 1 (Tangerine Tingle); Melrose Park 453 ACM Area 2 (Tangerine Tingle (Inherited)); Melrose Park 453 ACM Area 2 (Tangerine Tingle); Melrose Park 453 QA (Andrea Bohnenberger); Melrose Park 453 QA (Kimberly L Strong-Allen (On Leave)); Melrose Park 453 QA (Kimberly L Strong-Allen); Memphis 052 (Christopher Morgan); Memphis 052 (Dorleans Alce); Memphis 052 (Trina Crayton); Memphis 052 ACM Area 1 (Dorleans Alce); Memphis 052 ACM Area 1 (Keoshia N Franklin); Memphis 052 ACM Area 2 (Laundray Carter); Memphis 052 QA (Brooke McKinney); Memphis 052 QA (Jason S Hicks); Mesquite 085 (Amber Robinson); Mesquite 085 (Brenda C Greenfield (Inherited)); Mesquite 085 (Brenda C Greenfield); Mesquite 085 ACM Area 1 (Valinda M Peters); Mesquite 085 ACM Area 2 (Christy Pagel); Mesquite 085 QA (Martin DelAngel); Method Development & Instruments (David Canen); Method Development & Instruments (Todd Canen); Method Development (Tom Barnes); Method Development Group (Anna Rozhkova); Method Development Group (Petra Sebastian); Metrics & Analytics (Christian Spuckti); Metrology (Aur√©lien H√©mon); Metrology (Salvatore DiRusso); Metrology (Union) (Jose Franceschini Mirabal (Inherited)); Metrology (Union) (Michael Memenga (Inherited)); Mgr QC Chemistry (Melissa Damino); Mgr QC Chemistry (Ying Huang); Mgr- QC Immunology (Justine Jaap); Mgr- QC Immunology (Melissa Damino); Mgr-Validation Operations (Nick Morgan); Miami 206 (Ashley Britt); Miami 206 (Ashley Downs); Miami 206 (Yennifer Fernandez); Miami 206 ACM Area 1 (Troy Davidson); Miami 206 ACM Area 2 (Barbara May); Miami 206 QA (Anitha Janardhanan); Miami 206 QA (Aris Herrera); Microbiological QC (Ivana Heckel); Microbiological QC (Nicola Di Maiuta); Microbiology (Sarah Krueger); Microbiology (Torsten Vogt); Microbiology - Enviromental Monitoring (Alison Conroy); Microbiology - Lab (Stacey Wenzel); Microbiology - Lab I (Stacey Wenzel); Microbiology - Utilities (Joshua Deabel); Microbiology - Utilities (Matthew Pocius); Microbiology 1 (MB1) (Silke Litzinger); Microbiology 2 (MB2) (Constanta Ola); Microbiology 2 (MB2) (Morten Ruch); Microbiology Lab (Annett Milling); Microbiology Lab (Breanna Steins); Microbiology Lab 1 (Breanna Steins); Microbiology Validation (Emily Neylon (Inherited)); Microbiology Validation (Natalie Gaffney); Middle East & Africa (EMEA) (Camilla Shen); Middle East & Africa (EMEA) (Mohammed Haggag); Midvale 273 (Joel Gallegos); Midvale 273 (Nicole M Loncon (Inherited)); Midvale 273 ACM Area 1 (Jason Stevens); Midvale 273 ACM Area 2 (Casey Davis); Midvale 273 QA (Madison Reid); Mikrobiology 3 (MB3) (Stephanie Achebach); Minneapolis 414 (Deepesh M Pillai); Minneapolis 414 ACM Area 1 (Abubeker M Osman); Minneapolis 414 ACM Area 2 (Ahmed N Ismail); Minneapolis 414 QA (Diego A Bastidas); Minneapolis 414 QA (Pauline M Pipho); Miramar 214 (Jessica Collins); Miramar 214 (Mary A Paul (Inherited)); Miramar 214 (Tyneka Rene); Miramar 214 ACM Area 1 (Chanique Young); Miramar 214 ACM Area 2 (GUILLERMO ORTIZ); Miramar 214 ACM Area 2 (Sang Nguyen); Miramar 214 QA (Azia Alston); Mishawaka 249 (Marisa Nyikos); Mishawaka 249 (Olivia Arend); Mishawaka 249 ACM Area 1 (Kanesha Young); Mishawaka 249 ACM Area 1 (Sydney Boyle); Mishawaka 249 ACM Area 2 (Lucette Gamble); Mishawaka 249 QA (Leah Lehtomaki); Mitarbeiter Serologisches Labor (Astrid Mather (Inherited)); Mobile 284 (Wesley Stokes); Mobile 284 ACM Area 1 (Doris Osobase); Mobile 284 ACM Area 2 (Demitrius Douglas); Mobile 284 QA (Egypt N Ali); Modul 2 - Team 2 (Marko Elias); Modul 2 - Team 2 (mit Aslantas); Modul 2 - Team 2 (√úmit Aslantas); Modul 2 - Team 3 (Timo Gr√ºn); Modul 2 - Team 4 (Maik Czyrzewski); Monitoring (Arno Karnholz); Monitoring (Roland Portmann); Monitoring - Auswertung (Dominik Mueller); Monitoring Operations / Sampling (Martin Hofer); Montgomery 105 (Trinity J Bell); Montgomery 105 (Trinity J Gamble); Montgomery 105 ACM Area 1 (Shauna M Runk); Montgomery 105 ACM Area 2 (Robyn English); Montgomery 105 QA (Tiffany D Sherman (Inherited)); Montgomery 105 QA (Whitney C Belser); Montgomery 125 (Cathrine M Shimek); Montgomery 125 ACM Area 1 (Cathrine M Shimek); Montgomery 125 ACM Area 1 (Mark Sanders); Montgomery 125 ACM Area 2 (Cathrine M Shimek (Inherited)); Montgomery 125 ACM Area 2 (Monica Miller); Montgomery 125 QA (Chrystal D Carrillo); Montgomery 125 QA (Kimberly J Sanders); Montgomery 198 (Cory Toellner (Inherited)); Montgomery 198 (Gregory Jacobs); Montgomery 198 (Justin N Gronbach); Montgomery 198 ACM Area 1 (Timike Sheehy); Montgomery 198 ACM Area 2 (Sarah Peet); Montgomery 198 QA (Christine C Le); Montgomery 198 QA (Michael Hoedle); Motive Power (Nate Thomas); Motive Power (Union) (David G Mollema (Inherited)); Motive Power (Union) (Nate Thomas (Inherited)); Motive Power (Union) 1 (Nate Thomas (Inherited)); Mt Clemens 261 (Tiffany D Peters); Mt Clemens 261 ACM Area 1 (Lavon Williams); Mt Clemens 261 ACM Area 2 (Michelle S Gibbs); Mt Clemens QA 261 (Melissa Johnson); Muncie 191 (John W Wheelock); Muncie 191 (Rob Garcia (On Leave)); Muncie 191 (Rob Garcia); Muncie 191 ACM Area 1 (Andy Umberger); Muncie 191 ACM Area 2 (Andrea S Young); Muncie 191 QA (Drewleigha B Sarver (Inherited)); Muncie 191 QA (Mary Stegall); Muncie 191 QA (Megan M Sheets); Murfreesboro 128 (Elisabeth Johnson); Murfreesboro 128 (Elisabeth Radigan); Murfreesboro 128 (Nedra N Braden); Murfreesboro 128 ACM Area 1 (Ron Rury); Murfreesboro 128 ACM Area 2 (Samantha Holmes); Murfreesboro 128 QA (Melanie J Carmack); Murfreesboro 128 QA (Michelle Young); Mustang 243 (Sam P Emrich); Mustang 243 ACM Area 1 (Jeff Saylors); Mustang 243 ACM Area 2 (Claire Joyce); Mustang 243 QA (Bill Crye); Mustang 243 QA (Fay Michelsen); N. Charleston 291 (Donte Lazarus); N. Charleston 291 ACM Area 2 (Nichole Bell); N. Charleston 291 QA (Sharon Williams); NA CommOps & Patient Services (Mike Andrews); NA Medical Affairs Operations (Sindhu Pampati); NA Therapeutic Area Lead (Coagulation) (Emmanuel Gutierrez); NA Therapeutic Area Lead (Coagulation) (Monica Richardson); NAT Lab (Kevin N Elliott); NAT Lab (Ricky R Alexander (Inherited)); NAT Lab (Ricky R Alexander); Nampa 505 (David Ensminger (Inherited)); National Accounts Sales-Summit (Mark Faulkner); National City 297 (GABRIEL MACEDO); National City 297 QA (Jessie Aquino); National Hospital Manager (Christine Folland); National Management (Denis Fedorov); National Sales (Toshio Nagata); Nebenanlagen (Andr Wermuth); Nebenanlagen (Andr√© Wermuth); Network Services (Christopher Frank); Network Services (David Mann); Network Services (Don Konemann (Inherited)); Network Services ASIAPAC (Mahesh Narayanan); Network Services Americas (Raj Selvaraj); Network Services II (Partha SARATHY); Neurology Marketing (Jason Reckner); New Center Expansion (John Brennan); New Center Launch (Amon G Samples); New Center Launch 1 (Ian Biehler); New Center Launch 2 (Nicole L Ledbetter); New Center Support 1 (Lindsay K Jameson (On Leave)); New Center Support 1 (Lindsey Jameson); New Center Support 1 (Rey Vargas); New Center Support 1 (Rob Soeun); New Center Support 1.1 (Valerie L Ward); New Center Support 1.2 (Rey Vargas); New Center Support 2 (Amy L Guardiola); New Center Support 2 (Anthony Rheuark); New Center Support 2 (Becca Thomas); New Center Support 2 (Billy R Poole); New Center Support 2 (Marissa Sunanon-Clements); New Center Support 2 .1 (Amy L Guardiola); New Center Support 2.2 (Marissa C Sunanon); New Center Support 2.4 (Becca Thomas); New Hope 163 (Jason L Kelley); New Hope 163 ACM Area 1 (DiJon Jones); New Hope 163 ACM Area 2 (Daniel D Rogge); New Hope 163 QA (Holly S Wahlberg); New Hope 163 QA (Holt Peterson (Inherited)); New Hope 163 QA (Kayla L Stueber); Newark 213 (Angela Bordelon); Newark 213 ACM Area 1 (Stephanie Morrison); Newark 213 ACM Area 2 (Angela Mancinelli); Newark 213 ACM Area 2 (Steve H Sison); Newark 213 QA (Christopher Madden); Newark 213 QA (Taylor Thomas); Niagara Falls 237 (Kimberly Reimer); Niagara Falls 237 ACM Area 1 (Paul Hedley); Niagara Falls 237 ACM Area 2 (Mary Jo Watt); Niagara Falls 237 QA (Wesley Summers); Nogales 108 (April Behnke); Nogales 108 (Brooke S Angulo); Nogales 108 ACM Area 1 (Jorge U Orozco); Nogales 108 ACM Area 2 (Rosa G Martinez); Nogales 108 ACM Area 3 (Guadalupe Ochoa (On Leave)); Nogales 108 ACM Area 3 (Rosa G Martinez); Nogales 108 QA (Cori J Collins (Inherited)); Nogales 108 QA (Martha E Lundberg); Non IVV Bact, Vir, Ster, Env Monitoring (Fenny Ng); Non IVV Potency (Keiran McLeod); Non IVV, Chemistry, Biochem, Immulab (Niki Soteriadis); Non-Process Projects (Jennifer Mastio); Norfolk 513 (Katanya Hall); Norfolk 513 QA (James Foreman); Normal 292 (Jose Patino); Normal 292 (Michael W Solomon (Inherited)); Normal 292 ACM Area 1 (William Molitor); Normal 292 ACM Area 2 (Lana Shepherd); Normal 292 QA (Jennifer Harris); Norman 020 (Laura A Post); Norman 020 (Troy Lee Wheeler); Norman 020 ACM Area 1 (Nicole Bertram); Norman 020 ACM Area 2 (Amanda Doan); Norman 020 QA (Katy L Reynolds); North American Benefits (US & Canada) (Matthew Arscott (On Leave)); North American Benefits (US & Canada) (Matthew Arscott); NorthGlenn 141 (Anna M Coulbourne); NorthGlenn 141 (Becca Charles); NorthGlenn 141 (Daniel Venn (Inherited)); NorthGlenn 141 QA (Ashley R Sewell); Northglenn 141 ACM Area 1 (Jonathan Walling); Northglenn 141 ACM Area 2 (Carlos M Valenzuela); O''Fallon 224 (Lori Carlson (Inherited)); O''Fallon 224 (Tara R Spates Tucker); O''Fallon 224 ACM Area 1 (Jahleia Chieves); O''Fallon 224 ACM Area 2 (Andrea M Catchup); O''Fallon 224 QA (Lori Carlson (Inherited)); O''Fallon 224 QA (Marijo Monroe); O''Fallon 224 QA (Tori Chancellor); OE/BPM LVP (Cheryl King); OE/BPM LVP (Fabrice Gribon (Inherited)); OE/BPM LVP (Stephen Marlow (Inherited)); OF EU (incl. TR) (Sabine H√§mel (Inherited)); OF ROW (incl. ICO) (Anna-Karina Muth); OSI (Jennifer Krupka); OSII (Michael Moses); OSIII (Wilfried Wormsb√§cher); OSIV (Tina W√ºrfel); OTO Programs (Paul Bidez); Oak Park 041 (Latosha Y Floyd (Inherited)); Oak Park 041 (Sherlene Killebrew); Oak Park 041 ACM Area 1 (Sandra Erdman); Oak Park 041 ACM Area 2 (Patrick J Tribble); Oak Park 041 QA (Jessica J Cobey (On Leave)); Oak Park 041 QA (Jessica J Cobey); Ocala 290 (Althea Council); Ocala 290 QA (Jean O''Neal); Oklahoma City 422 (Johnnie K Phares); Oklahoma City 422 ACM Area 1 (Clement C Uzoma); Oklahoma City 422 ACM Area 2 (Ella L Boyd); Oklahoma City 422 QA (Billie E Gilliland); Oklahoma City 422 QA (Hannah E Todroff); Olympia 517 (Trevor Case); Omaha 421 (Christie G Edmisten); Omaha 421 ACM Area 1 (Kristen A Marteny); Omaha 421 ACM Area 2 (Sachin Bhandari); Omaha 421 QA (Christopher Trindle); Omaha 421 QA (Larinda N Johnson); Open Systems (Juerg Clavadetscher (Inherited)); Open Systems (Kapil Taneja); Operational Business Development 1 (Amon G Samples); Operational Business Development 2 (Nicole L Ledbetter); Operational Business Development 9.2 (Laura A Allen); Operational Excellence & Data Analytics (Jason Woolley); Operational Excellence (Claus Peihs (Inherited)); Operational Excellence (Gil Rochat); Operational Excellence (Jan-Christopher Gerlach); Operational Excellence (Jewel Reid); Operational Excellence (Monika Goretzki); Operational Excellence (Murat Dalar (Inherited)); Operational Excellence (Philipp Jeker); Operational Excellence LVP (Gordon Pearson); Operational Prozess 1 (Arnd Vollmerhausen); Operational Readiness Phoenix (Rainer Frank); Operational Services (Clare Schwarz); Operational Services Maintenance & Utilities (Michael Kocher); Operational Support (Laura A Allen); Operations & PV Systems (Shinya Takagawa); Operations (Camila Silva Alvarado); Operations Global Engineering (Gregory Taylor); Operations Global Engineering Projects (Daniel Rouse); Operations Global Sourcing (Trevor Reay); Operations HS Business Integration (Thomas Jede); Operations HS EHSS & Risk (Allan Wise); Operations HS EHSS & Risk (Bob Rezek); Operations HS EHSS & Risk (Lynette Hodgden (Inherited)); Operations HS EHSS & Risk (Lynette Hodgden); Operations HS Engineering (Daniel Rouse); Operations HS Engineering (Gregory Taylor (Inherited)); Operations HS Engineering (Rodney Lam); Operations HS Engineering (Tom Gehrin); Operations HS Engineering Automation (Charles Guy Sorrell Jr.); Operations HS Engineering Automation (James Dion); Operations HS Engineering Fill Finish Equipment (Jeffrey Stowe); Operations HS Engineering Process (James Flockhart); Operations HS Engineering Process (Jason VanderPloeg); Operations HS Engineering Process (Jeffrey Stowe); Operations HS Engineering Project (Daniel Rouse); Operations HS Engineering Project (Eddie Taylor); Operations HS MS&T Process Sciences (Nicholas Mauro); Operations HS MS&T Process Sciences (Richard Hughes); Operations HS MS&T Tech Services (Jason Allaband); Operations HS MS&T Tech Services (Nicholas Mauro); Operations HS MS&T Tech Services Fill/Finish (Kevin McMahon); Operations HS MS&T Tech Transfer (Baron Fulk); Operations HS MS&T Tech Transfer (Tsu-shun Lee (Inherited)); Operations HS MS&T Tech Transfer (Wallace Brisson); Operations HS Maintenance (Jamie Blankenship); Operations HS Maintenance (Leon Montgomery); Operations HS Maintenance Facilities (Bruce A Buckoski); Operations HS Maintenance Facilities (Bruce Buckoski); Operations HS Maintenance Instrumentation (Jamie Blankenship); Operations HS Maintenance Metrology (Michael Mikolajczak); Operations HS Maintenance Process (Ricky Norris (On Leave)); Operations HS Maintenance Process (Ricky Norris); Operations HS Maintenance Support (Daniel Sarvis); Operations HS Maintenance Support (Richard Oliver); Operations HS Maintenance Utilities (Scott Curtis Menut); Operations HS Maintenance Utilities (Scott Menut); Operations HS Manufacturing (Irina Staxen); Operations HS Manufacturing Bulk (Chad M Salisbury (Inherited)); Operations HS Manufacturing Bulk (Eric Hoffman); Operations HS Manufacturing Bulk (Jonathan Kegerise); Operations HS Manufacturing Bulk Downstream (Eric P Hoffman); Operations HS Manufacturing Bulk Downstream (Gordon Dunsmore); Operations HS Manufacturing Bulk Downstream - A Shift (Joseph Chapman); Operations HS Manufacturing Bulk Downstream - B Shift (Evan Burke); Operations HS Manufacturing Bulk Downstream - B Shift (LaToya Jaqui McDuffie); Operations HS Manufacturing Bulk Downstream - C Shift (Joseph Chapman); Operations HS Manufacturing Bulk Downstream - C Shift (Samantha Heyer); Operations HS Manufacturing Bulk Downstream - D Shift (Demitra Earls); Operations HS Manufacturing Bulk Downstream - D Shift (Evan Burke); Operations HS Manufacturing Bulk Support (Elie Chiha); Operations HS Manufacturing Bulk Support - A Shift (Craig Steimle); Operations HS Manufacturing Bulk Support - B Shift (Stephen Blair Donaldson); Operations HS Manufacturing Bulk Support - B Shift (Stephen Donaldson); Operations HS Manufacturing Bulk Support - C Shift (Jonathan Adams); Operations HS Manufacturing Bulk Support - D Shift (Kevin Anthony Smith); Operations HS Manufacturing Bulk Support - D Shift (Kevin Smith); Operations HS Manufacturing Bulk Support Materials (Andrew Passarotti); Operations HS Manufacturing Bulk Support Materials (Elie Chiha (Inherited)); Operations HS Manufacturing Bulk Support Materials (George Barrett); Operations HS Manufacturing Bulk Upstream (Gordon Dunsmore); Operations HS Manufacturing Bulk Upstream (Gordon Kennedy Dunsmore); Operations HS Manufacturing Bulk Upstream (Jeremy Smock); Operations HS Manufacturing Bulk Upstream - A Shift (Billy Trask); Operations HS Manufacturing Bulk Upstream - A Shift (Jeremy Smock); Operations HS Manufacturing Bulk Upstream - B Shift (Chris Austin); Operations HS Manufacturing Bulk Upstream - B Shift (Latisha Blair Tucker Kiker); Operations HS Manufacturing Bulk Upstream - C Shift (Chris Austin); Operations HS Manufacturing Bulk Upstream - C Shift (Maxwell Pote); Operations HS Manufacturing Bulk Upstream - D Shift (Jeremy Smock (Inherited)); Operations HS Manufacturing Bulk Upstream - D Shift (Kevin Donnell Thomas); Operations HS Manufacturing Bulk Upstream - D Shift (Kevin Thomas); Operations HS Manufacturing Fill & Finish (Philip Troughton); Operations HS Manufacturing Fill & Finish (Rodney Lam); Operations HS Manufacturing Fill & Finish - A Shift (Aseptic) (LaToya McDuffie); Operations HS Manufacturing Fill & Finish - A Shift (JOSE SERRANO); Operations HS Manufacturing Fill & Finish - A Shift (Jose Serrano); Operations HS Manufacturing Fill & Finish - A Shift (Non-Aseptic) (Todd Brinkley); Operations HS Manufacturing Fill & Finish - B Shift (Aseptic) (Heather Johnson); Operations HS Manufacturing Fill & Finish - B Shift (Heather Johnson); Operations HS Manufacturing Fill & Finish - B Shift (Non-Aseptic) (Reginald Cox); Operations HS Manufacturing Fill & Finish - C Shift (Aseptic) (William Holder); Operations HS Manufacturing Fill & Finish - C Shift (Keith Bridges); Operations HS Manufacturing Fill & Finish - C Shift (Non-Aseptic) (Keith Bridges (On Leave)); Operations HS Manufacturing Fill & Finish - C Shift (Non-Aseptic) (Keith Bridges); Operations HS Manufacturing Fill & Finish - C Shift (Timothy Hampton); Operations HS Manufacturing Fill & Finish - D Shift (Aseptic) (Jamie Page); Operations HS Manufacturing Fill & Finish - D Shift (Branch Chandler Cannon); Operations HS Manufacturing Fill & Finish - D Shift (Non-Aseptic) (Ivan Morris); Operations HS Manufacturing Fill & Finish Expansion (Aseptic); Operations HS Manufacturing Fill & Finish Expansion (Aseptic) (Branch Cannon); Operations HS Manufacturing Fill & Finish Expansion (Non Aseptic) (Zachary Oakley); Operations HS Manufacturing Fill & Finish Expansion (Rodney Lam); Operations HS Manufacturing Fill & Finish Ops Aseptic (Brian Kennedy); Operations HS Manufacturing Fill & Finish Ops Non Aseptic (Steve Gaspar); Operations HS Manufacturing Fill & Finish Ops ¬ñ Aseptic (Brian Kennedy (On Leave)); Operations HS Manufacturing Fill & Finish Ops ¬ñ Non Aseptic (Steve Gaspar); Operations HS Manufacturing Finite Scheduling (Andrew Covington); Operations HS Manufacturing Finite Scheduling (David Tye); Operations HS Manufacturing Operational Excellence (Don Miller); Operations HS Manufacturing Production Systems (Angel Colucci); Operations HS Manufacturing Production Systems (Angel L Colucci); Operations HS Manufacturing Production Systems (Frederick Goerke); Operations HS Manufacturing Sciences & Technology (Baron Fulk); Operations HS Manufacturing Sciences & Technology (Irina Staxen (Inherited)); Operations HS Manufacturing Sciences & Technology (Jessica Mercer); Operations HS Manufacturing Sciences & Technology (Tsu-shun Lee); Operations HS Manufacturing Small Scale (Ashley Greeney); Operations HS Strategy, Alliance Management & PMO (John Anderson (Inherited)); Operations HS Strategy, Alliance Management & PMO (Raj Kapadia); Operations HS Strategy, Alliance Management & PMO (Vernon Horner); Operations HS Supply Chain & Strategy (Mayumi Buckoski); Operations HS Supply Chain (David Tye); Operations HS Supply Chain Planning (David Tye); Operations HS Supply Chain Warehouse (Nicholas Brown); Operations HS Supply Chain Warehouse (Willie Lam); Operations HS Supply Chain Warehouse - Manufacturing & TD (Christopher Stone); Operations HS Viral Pilot Plant (Claudia Johnson); Operations Holly Springs (John Anderson); Operations Lead ¬ñ Project Banksia (Lisa Lamb); Operations Liverpool (Laura O''Brien); Operations Planning Manager (Damien Nguyen); Operations Procurement (John Molyneux); Operations Procurement Operations (Donald Lacombe); Operations Procurement Operations (John Molyneux (Inherited)); Operations Procurement Operations (Michele Morris); Operations Support (Annette Feussner); Operations Support (Nicole Kay); Operations Support (Uwe Kalina) (Uwe Kalina); Operations Support R&D (Michele Himmelspach); Operative Master Data Management (Maike Pollaschek (Inherited)); Operative Master Data Management (Maike Pollaschek); Ops Capital Portfolio Management (Stefano Siviero); Ops Plasma Support (Walter Aebersold); Orange City 155 (ANNETTE NELSON); Orange City 155 (Faye-Lynn Deissinger); Orange City 155 ACM Area 1 (Nathan J Herchenroder); Orange City 155 ACM Area 2 (BRIAN LOFTUS); Orange City 155 ACM Area 2 (Jenna Smith); Orange City 155 QA (Christina M Kokoszka); Orange City 155 QA (Cindy Romero-Estrada); Orange City 155 QA (Kyle M Lehrke (Inherited)); Organisation / Koordination Diverse (Eva Herzog (Inherited)); Organization Transformation (Andrea Douglas); Organization Transformation (Tod Marks); Organizational Development (Kristen Krebs); Organizational Development (Rachel Day); Orlando 144 (Isabella Bishop); Orlando 144 ACM Area 1 (Ron Fischer); Orlando 144 ACM Area 2 (Trinica D Boyd); Orlando 144 QA (Brittany Woodward); Orlando 144 QA (DeQuandra Belton); Orlando 144 QA (Tiffany D Sherman (Inherited)); Orlando 511 (Jessica Collins); PABS (Uwe Kalina); PABS I (Helene Lang); PABS I (Sarah Plum); PABS I+II (Annette Feussner); PABS II (Christina Kober); PABS II (Maria Hauswald); PABS III (Aaron Hahn (On Leave)); PABS III (Aaron Hahn); PABS III (Stefan Baumeister); PACE (Christian Sonderegger) (53003164); PACE (Markus Decher); PACE APAC Deployment - Organisation and Change Management (Faye Papakalodoukas); PACE ATR (Andrew Croft (Inherited)); PACE ATR (Michael Kochanski); PACE ATR Payment Management (Dennis Martin); PACE Americas Deployment (Shane Kennedy); PACE Asia Pacific (Andrew Croft (Inherited)); PACE Asia Pacific (Metani Rooms); PACE Commercial Deployment (Peter K Tadros); PACE Coordination BRN (Boris Kaiser (Inherited)); PACE Coordination BRN (Christian Sonderegger); PACE ES (Marco Maeder); PACE General Accounting (Eric Fay); PACE Global Distribution (Catherine Gil); PACE Metrics & Analytics (Christian Spuckti); PACE OTC (Kian Hartono); PACE PM Bern (Oliver Bigler); PACE PMO (Tod Marks); PACE PMO (Tod Marks) (Tod Marks); PACE PTI (Wolfgang Schneider); PACE Program (Andrew Croft (Inherited)); PACE S2P (Andrew Croft (Inherited)); PACE S2P (Simon Haemmerli); PACE S2P (TR Kannan); PACE Site Deployment (Kelly L Konemann); PACE deployment Bern Lengnau (Boris Kaiser); PACE sustain (Linda Carducci (Inherited)); PACE sustain (Markus Decher); PAI Dokumentation (Andre Hullmann (Inherited)); PAI Dokumentation (Carsten Meyer (Inherited)); PAI Endfiltration Albumin (Achim Ludwig (Inherited)); PAI Endfiltration Albumin (Achim Ludwig); PAI Fermentation (Tobias Kling); PAI Koordination (Andre Hullmann (Inherited)); PAI Koordination (Bernd Prior (Inherited)); PAI Koordination (Carsten Meyer (Inherited)); PAI Nebenbetriebe (Mario Kornemann (Inherited)); PAI Pasteurisierung (Mario Kornemann (Inherited)); PAI Produktion 1 / Nebenanlagen (Mario Kornemann); PAI Produktion Albumin (Andre Hullmann); PAI Produktion Immunglobuline/ Nebenanl. (Bernd Prior); PAI Produktion PCF H67 (Roger Leukel); PAI Produktion Rekombinante Proteine (Andreas Berting); PAI Produktion Rekombinante Proteine (Carsten Meyer); PAI Prozessmanager (Barbara Kalina (Inherited)); PAI Prozessmanager (Wilfried Freudenberg (Inherited)); PAI Rekombinante Proteine GMP (Carsten Meyer (Inherited)); PAI Subfraktionierung (Mario Kornemann (Inherited)); PAI Systemuntersttzung SAP/MES (Wilfried Freudenberg (Inherited)); PAI Systemunterst√ºtzung SAP/MES (Barbara Kalina (Inherited)); PAI Systemunterst√ºtzung SAP/MES (Wilfried Freudenberg (Inherited)); PAI Training & GMP (Barbara Kalina (Inherited)); PAI Training & GMP (Wilfried Freudenberg (Inherited)); PAI Ultrafiltration / Endfiltration (Alfons Hck (Inherited)); PAI Ultrafiltration / Endfiltration (Alfons H√∂ck (Inherited)); PAI Ultrafiltration Albumin (Martin Doruch (Inherited)); PAI Ultrafiltration Albumin (Martin Doruch); PAI Vorbehandlung / Support (Hans Becker); PAI Vorbehandlung 1 / Support (Hans Becker (Inherited)); PAI Vorbehandlung 2 (Hans Becker (Inherited)); PAI Vorbehandlung 3 (Andreas Koch); PAI Wgekabine (Mario Kornemann (Inherited)); PAI W√§gekabine (Mario Kornemann (Inherited)); PBS Basisfraktionierung & Support (Stefan Vaupel); PBS Basisfraktionierung (Bernhard Tribensky); PBS Basisfraktionierung (Klaus Wilhelm); PBS Planung & Dokumentation (Claus Baudszus); PBS Schichtgruppe 1 (Mario Lorch); PBS Schichtgruppe 2 (Bjrn Klingelhfer); PBS Schichtgruppe 2 (Bj√∂rn Klingelh√∂fer); PBS Schichtgruppe 3 (Andreas Klein); PBS Schichtgruppe 4 (Andreas Kraus); PBS Schichtgruppe 5 (Bernd Hofmann); PBS Schichtgruppe 6 (Bernd Teske); PCS & MES (Frank Mastellone (Inherited)); PCS & MES (Magda Stavaroiu); PCS & MES (Magda-Elena Stavaroiu); PCS (Reto Kamber); PCS Maintenance (Markus Klsle); PCS Maintenance (Markus Kl√§sle); PCS Maintenance (Reto Camastral); PD Projects & Technology Transfer (Steven Honey); PE - Central Region (Gangjian Chen ); PE - Central Region (Gangjian Chen ?????); PE - Central Region 1 (Qin Li ); PE - Central Region 1 (Qin Li ????); PE - Central Region 2 (Gangjian Chen ????? (Inherited)); PE - Central Region 2 (Shu Min ); PE - Central Region 2 (Shu Min ????); PE - DTP, China (Cissy Xi ); PE - DTP, China (Cissy Xi ????); PE - East Region (Zhen Shen ); PE - East Region (Zhen Shen ????); PE - East Region 1 (Xiao Ma ); PE - East Region 1 (Xiao Ma ????); PE - East Region 2 (Guo Jie Yu ?????); PE - East Region 2 (Guojie Yu ); PE - East Region 2 (Guojie Yu ?????); PE - East Region 3 (Liang Xu ); PE - East Region 3 (Liang Xu ????); PE - North Region (David Chen ???? (Inherited)); PE - North Region (Zhixia Wang ); PE - North Region (Zhixia Wang ?????); PE - North Region 1 (Yajuan Wen ); PE - North Region 1 (Yajuan Wen ?????); PE - North Region 3 (Qinghua Zhao ?????); PE - North Region 4 (Hongbin Wang ?????); PE - North Region 4 (Tracy Yu ); PE - North Region 4 (Tracy Yu ?????); PE - South Region (Sam Shang ); PE - South Region (Sam Shang ?????); PE - South Region 1 (Tony Lee ); PE - South Region 1 (Tony Lee ?????); PE - South Region 2 (Ice Li ); PE - South Region 2 (Ice Li ?????); PE - South Region 3 (Yi-yu Zhang ); PE - South Region 3 (Yi-yu Zhang ?????); PE - South Region 4 (Michelle Li ); PE - South Region 4 (Michelle Li ?????); PE - South Region 5 (Gary Chen ); PE - South Region 5 (Gary Chen ?????); PE - West Region (Alex Kong ); PE - West Region (Alex Kong ????); PE - West Region (David Chen ???? (Inherited)); PE - West Region (Shengyan Qiu ?????); PE - West Region 1 (Hao Chen ); PE - West Region 1 (Hao Chen ????); PE - West Region 2 (Jack Liao ); PE - West Region 2 (Jack Liao ????); PE - West Region 3 (Shen Jie ); PE - West Region 3 (Shen Jie ????); PE - West Region 3 (Shengyan Qiu ????? (Inherited)); PE-Central Region 3 (Julia Zhu ); PE-Central Region 3 (Julia Zhu ????); PGI Bulkproduktion M1M2 (Julian Lampmann); PGI Bulkproduktion M1M2 (Sebastian Feisel); PGI Documentation (Patrick Brusius); PGI Koordination (Heiko Schild (Inherited)); PGI Produktion Beriate (Heiko Schild); PGP Bulkproduktion 1 FIX (Philipp Hergenrder); PGP Bulkproduktion 1 FIX (Philipp Hergenr√∂der); PGP Bulkproduktion 1 FIX (Steffen Mbius); PGP Bulkproduktion 1 FIX (Steffen M√∂bius); PGP Bulkproduktion 1 FVIII-B (Gerhard Burk (Inherited)); PGP Bulkproduktion 1 FVIII-B (Gerhard Burk); PGP Bulkproduktion 1 FVIII-H (Henrik Tutsch (Inherited)); PGP Bulkproduktion 1 FVIII-H (Peter Diehl (Inherited)); PGP Bulkproduktion 1 FVIII-H (Peter Diehl); PGP Bulkproduktion 2 FIX (Sebastian Feisel (Inherited)); PGP Bulkproduktion 2 FIX (Timo Mudersbach (Inherited)); PGP Bulkproduktion 2 FIX (Timo Mudersbach); PGP Bulkproduktion 2 FIX (Timo Mudersbach) (Timo Mudersbach); PGP Bulkproduktion 2 FVIII-B (Reiner Bamberger (Inherited)); PGP Bulkproduktion 2 FVIII-B (Reiner Bamberger); PGP Bulkproduktion 2 FVIII-H (Ernst Dittmar (Inherited)); PGP Bulkproduktion 2 FVIII-H (Ernst Dittmar); PGP Bulkproduktion 3 FVIII-B (Frank Burich (Inherited)); PGP Bulkproduktion 3 FVIII-B (Frank Burich); PGP Bulkproduktion 3 FVIII-B (Frank B√§urich (Inherited)); PGP Bulkproduktion 3 FVIII-B (Frank B√§urich); PGP Bulkproduktion 3 FVIII-H (Jrgen Ungemach (Inherited)); PGP Bulkproduktion 3 FVIII-H (Jrgen Ungemach); PGP Bulkproduktion 3 FVIII-H (J√ºrgen Ungemach (Inherited)); PGP Bulkproduktion 3 FVIII-H (J√ºrgen Ungemach); PGP Bulkproduktion 4 FIX (Steffen Mbius); PGP Bulkproduktion 4 FIX (Steffen M√∂bius); PGP Dokumentation (Patrick Brusius); PGP Koordination FIX (Karl-Heinz Wenz (Inherited)); PGP Koordination FIX (Karl-Heinz Wenz (On Leave) (Inherited)); PGP Koordination FVIII-B (Heiko Schild (Inherited)); PGP Modul 2 - Team 1 (Henning Dittmar); PGP Modul 2 - Team 2 (mit Aslantas (Inherited)); PGP Modul 2 - Team 2 (√úmit Aslantas (Inherited)); PGP Modul 2 - Team 3 (Timo Gr√ºn (Inherited)); PGP Produktion Beriate (Heiko Schild); PGP Produktion Faktor IX (Karl-Heinz Wenz (On Leave)); PGP Produktion Faktor IX (Karl-Heinz Wenz); PGP Produktion Haemate / Humate (Henrik Tutsch); PGP Produktion Haemate / Humate (Peter G√ºttner); PGP Prozessmanager (Barbara Kalina (Inherited)); PGP Prozessmanager (Horst Boeder (Inherited)); PGP Pufferherstellung FVIII-B (Bernd Grau (Inherited)); PGP Tagschicht FIX (Ewald Burk); PGP Tagschicht FIX (Timo Mudersbach); PGP Vorbehandlung FVIII-H (Sascha Ludwig (Inherited)); PGP Vorbehandlung FVIII-H (Sascha Ludwig); PIU (Alan Collins); PIU (Christine Fitzpatrick); PIU Team (Christine Riley); PIU/UM Engineering (Peter White); PL-Quality (Carmen Althainz); PL-Quality (Mehmet G√ºm√ºs); PM Hematology and Thrombosis TA (Joanne Uhl (Inherited)); PM Hematology and Thrombosis TA (Mark Kleinman); PMR Dokumentation (Wilfried Freudenberg (Inherited)); PMS (Hideo Usui - ); PMS (Hideo Usui ??? ?? - ??? ????); PMS (Masashi Nakayama); PNS (Ibtisam Saeed); PNS Manufacturing (Hosmer Perez); PPD / Technical Operations Marburg (Michael Moses); PPD Bern Admin (Eliane Bossart); PPD BioAnalytical Science (Patrick Schuetz); PPD CMC Bern (Philipp Angerer); PPD Impurity & Data Mngt (Patricia Lieby); PPD Investigations (Thomas Kilchoer); PPD Investigations 2 (Tino Boss); PPD Investigations I (Janine Bash); PPD Process Development - R&D (Hal Braley); PPD Process Development - R&D (Kathryn Scott); PPD Process Development - R&D (Yvette Citrine); PPD Process Development 2 (Ibrahim El Menyawi); PPD Process Development 2 Group 1 (Eva Blatter); PPD Process Development 2 Group 2 (Robin Das Gupta); PPD Process Development 2 Group 3 (Adrian Alder); PPD R & D Bioanalytics BMW (Mark Bailey); PPD R&D KOP (Kenneth Walsh); PPD R&D Marburg (Martin Vey); PPD Technical Operations (Birgit Unterweger); PPD Technical Operations (Michele Himmelspach); PPD, Process Development (Eric Zhu); PPM (Roberta Duncan (Inherited)); PPM Research (Heather Davis); PPM Technical (Heather Davis); PQG Look Back / PDI (Patricia Herrmann); PQG Plasma Control (Iryna Zabolotna); PRP Support (Heinz-J√ºrgen Merkel); PRP Vorbehandlung (Thorsten Theis); PRP GMP-Koordination (Heinz-Jrgen Merkel); PRP GMP-Koordination (Heinz-J√ºrgen Merkel (Inherited)); PRP GMP-Koordination (Heinz-J√ºrgen Merkel); PRP Logistik (Robert Schfer); PRP Logistik (Robert Sch√§fer); PRP Lsungsherstellung & Wiegebereich (Robert Schfer (Inherited)); PRP L√∂sungsherstellung & Wiegebereich (Robert Sch√§fer (Inherited)); PRP Support (Yanina Broadnax); PRP Support 1 (Steffen Ramb); PRP Vorbehandlung (Thorsten Theis (Inherited)); PRP Vorbehandlung (Thorsten Theis); PRP Vorbehandlung 1 (David Grb); PRP Vorbehandlung 1 (David Gr√§b); PRP Vorbehandlung 1 (Fabian Feisel); PRP Wareneingang (Evelin Kaiser-Felsmann); PRP Wareneingang (Yanina Broadnax); PRP Wareneingang Team 1 (Sebastian Siebert); PRP W√§gebereich (Heinz-J√ºrgen Merkel (Inherited)); PTC (Severin Thierau); PTH Abfllung 1 (Alexander Muth (Inherited)); PTH Abfllung 2 (Michael Kroker (Inherited)); PTH Abfllung 2 (Michael Kroker); PTH Abfllung 3 (Nils Rder); PTH Abfllung 4 (Bjrn Schmidt); PTH Abf√ºllung 1 (Pascal Nau (Inherited)); PTH Abf√ºllung 2 (Michael Kroker (Inherited)); PTH Abf√ºllung 1 (Lars Nau); PTH Abf√ºllung 1 (Pascal Nau (Inherited)); PTH Abf√ºllung 1 (Pascal Nau); PTH Abf√ºllung 2 (Michael Kroker (Inherited)); PTH Abf√ºllung 2 (Michael Kroker); PTH Abf√ºllung 3 (Alexander Jegel); PTH Abf√ºllung 3 (Rainer Lepper (Inherited)); PTH Abf√ºllung 3 (Rainer Lepper); PTH Abf√ºllung 4 (Bj√∂rn Schmidt); PTH Abf√ºllung 4 (Heiko Steinbach); PTH Albumin & Visual Inspection (Jrg Nickel); PTH Albumin & Visual Inspection (J√∂rg Nickel); PTH GMP Coordination (Matthias Klein (Inherited)); PTH GMP-Coordination (Jrg Nickel (Inherited)); PTH GMP-Coordination (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 1 H069 (Bernd Balzer (Inherited)); PTH Optische Kontrolle 1 H069 (Bernd Balzer); PTH Optische Kontrolle 2 H069 (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 2 H069 (Valentina Kufeld (Inherited)); PTH Optische Kontrolle 2 H069 (Valentina Kufeld); PTH Optische Kontrolle 3 H069 (Jrg Nickel (Inherited)); PTH Optische Kontrolle 3 H069 (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 3 H069 (Meike D√∂rbecker (Inherited)); PTH Optische Kontrolle 3 H069 (Meike D√∂rbecker); PTH Processmgr Pretreatment Refludan&Bul (Matthias Klein (Inherited)); PTH Servicefunktion (Sabine Fischer); PTH Teilfertigung H069 (Alexander Muth); PTH Teilfertigung H069 (Daniel Schneider); PTH Teilfertigung H069 (Tim Westphal); PTH Teilfertigung Koordination (Daniel Schneider (Inherited)); PTH Teilfertigung Koordination (Tim Westphal (Inherited)); PTH Vorbehandlung & Support (Peter Koch); PTH Vorbehandlung 3 / Abfllung 3 H069 (Uwe Fritsch); PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Uwe Fritsch); PTH Vorbehandlung&Support (Peter Koch (Inherited)); PTI EM Lead (Susan Clough); PTM Abfllung M305 (Tim Westphal); PTM Abf√ºllung M305 (J√∂rg Dieterich); PTM Abf√ºllung M305 (Tim Westphal); PTM Betriebsservicefunktion M305 (Jennifer Hilscher (Inherited)); PTM Betriebsservicefunktion M305 (Jennifer Hilscher); PTM Betriebsservicefunktion M305 (Reinhard Grn (Inherited)); PTM Betriebsservicefunktion M305 (Reinhard Grn); PTM Betriebsservicefunktion M305 (Reinhard Gr√ºn (Inherited)); PTM Betriebsservicefunktion M305 (Reinhard Gr√ºn); PTM GMP Koordinator (Esther Seidel (Inherited)); PTM GT-Anlage M305 (Peter Dersch (Inherited)); PTM Optische Kontrolle M305 (Alexandra G√ºnther (Inherited)); PTM Optische Kontrolle M305 (Elke Stauss (Inherited)); PTM Optische Kontrolle M305 (Elke Stauss); PTM Projekte / Technik (Esther Seidel (Inherited)); PTM Prozessmanager (Esther Seidel (Inherited)); PTM Teilfertigung M305 (Alexandra Gnther); PTM Teilfertigung M305 (Alexandra G√ºnther); PTM Visuelle Kontrolle (Julia Dworschak); PTM Vorbehandlung M305 (Eckhard Brickum (Inherited)); PV Agreements Lead (Andrea Kergl); PV Excellence and Compliance (Gina Granada); PV Quality Management Lead (Gina Granada); PV Safety (Tomoko Yanagawa); PWI Chromatographie & Fllung H68 (Dietmar Grebe); PWI Chromatographie & F√§llung H68 (Dietmar Grebe); PWI Faktor I / XIII Schichtgruppe 7 (Bj√∂rn Bartelme√ü); PWI Faktor I / XIII Schichtgruppe 7 (Horst Schneider); PWI Faktoren I & XIII (Jochen Khler); PWI Faktoren I & XIII (Jochen K√∂hler); PWI GMP-Koordination (Heinz-J√ºrgen Merkel (Inherited)); PWI Inhibitoren (Wilfried Happel); PWI Koordination (Jochen Khler (Inherited)); PWI Koordination (Jochen K√∂hler (Inherited)); PWI Koordination (Wilfried Happel (Inherited)); PWI Logistik (Robert Sch√§fer); PWI L√∂sungsherstellung & Wiegebereich (Robert Sch√§fer (Inherited)); PWI Regeneration & Vorbehandlung H68 (Marc Wellner); PWI Support (Heinz-J√ºrgen Merkel); PWI Tagdienst (Roger Ochs); PWI Teilbereich (Christoph Bernitt); PWI Training & GMP (Jochen Khler (Inherited)); PWI Training & GMP (Jochen K√∂hler (Inherited)); PWI Training & GMP (Wilfried Happel (Inherited)); PWI Vorbehandlung (Thorsten Theis (Inherited)); PWI Vorbehandlung (Thorsten Theis); PWI Wareneingang (Evelin Kaiser-Felsmann); PWI W√§gebereich (Heinz-J√ºrgen Merkel (Inherited)); PWI-H68-Schicht (Dietmar Grebe (Inherited)); PWI-H68-Schicht (Marc Wellner (Inherited)); PWI-H68-Tagdienst (Dietmar Grebe (Inherited)); PWI-H68-Tagdienst (Marc Wellner (Inherited)); PWI-H68-Tagdienst (Marc Wellner); PWI-M305 (Manuel Lotz); PWI-M305 Schicht 1 (Fabian Cybulski); PWI-M305 Schicht 2 (Florian Scherer (Inherited)); PWI-M305 Schicht 2 (Florian Scherer); PWI-M305 Schicht 3 (Fynn Krieger); PWI-M305 Tagdienst (Robert H√∂hne) (Robert H√∂hne); Packaging & Supply (Claus Peihs); Packaging & Supply (Helmut Robert Euler (Inherited)); Packaging & Supply (Viktor Krecker); Packaging & WHS (Armin Stcklin); Packaging & WHS (Stefan Kaelin); Packaging (Andrew Baxter); Packaging (Brian T White); Packaging (Bruno Baeriswyl); Packaging (Kate (Shortall) Lamont); Packaging (Kate Lamont); Packaging (Kate Shortall); Packaging (Othmar Geisser); Packaging (Pasquale Carestia (Inherited)); Packaging (Thomas Royal); Packaging (Union) (Brian T White); Packaging (Union) (Pasquale Carestia (Inherited)); Packaging (Union) (Thomas Royal); Packaging Day Shift 2/6 (Tanja Maegert); Packaging Day Shift 4/5 (Jelka Golob); Packaging Design (Josue Stoll); Packaging Development (Claude Morf); Packaging Development (Markus Maus); Packaging Diverse (Jrg Dieterich (Inherited)); Packaging Diverse (J√∂rg Dieterich (Inherited)); Packaging Evening Shift 1/3/6 (Shabbir Ahmad Sheikh); Packaging Evening Shift 2/4/5 (Nebojsa Milosevic); Packaging I (Pasquale Carestia (Inherited)); Packaging Line 1 (Daniel Fankhauser); Packaging Line 1 (Marianne Steuri); Packaging Line 2,3,7 (Jelka Golob); Packaging Line 4 (Nebojsa Milosevic); Packaging Line 5 (Bashkim Redzepi); Packaging Line 6 (Tanja Maegert); Packaging Materials Testing & Release (Dominik Corbet); Packaging Operations (Claus Peihs (Inherited)); Packaging Operations (Jrg Dieterich); Packaging Operations (J√∂rg Dieterich); Packaging Operations (Murat Dalar); Packaging Teams (Bernd Baum); Packaging and Inspection (David Hartley (Inherited)); Packaging and Inspection (Joey Tranquilino); Packaging, Design & Artwork (Metin Yilmaz); Packing Material Control PMC (Dominic Wuest); Packing Material Control PMC (Nicole Moser); Packing Material Control PMC 2 (Denise Engimann); Packing Team Leader (Adam Heath); Packing Team Leader (Beau Williams); Packing Team Leader (David Nguyen); Packing Team Leader 451 (Robert De Santis); Pain Business Unit Director (Michael Grant); Palm Bay 254 (Cari N Howard); Palm Bay 254 (Latora (LaLa) Boswell); Palm Bay 254 ACM Area 1 (John Fuller); Palm Bay 254 ACM Area 1 (KIARA CAGLE); Palm Bay 254 ACM Area 2 (Latora (LaLa) Boswell); Palm Bay 254 ACM Area 2 (Lori Leinas); Palm Bay 254 QA (Regine Jean Gilles (On Leave)); Palm Bay 254 QA (Regine Jean Gilles); Pandemic (Lorna Meldrum); Parenteral Manufacturing (AlbuRx Filling) (Daniel Derakhshanian); Parenteral Manufacturing (AlbuRx Filling) (Union) (Daniel Derakhshanian); Parenteral Manufacturing (AlbuRx) (Nick Bonavita); Parenteral Manufacturing (AlbuRx) (Union) (Nick Bonavita); Parenteral Manufacturing (Mindy Randazzo); Parenteral Manufacturing (Thomas Royal); Parenteral Manufacturing (Union) (Mindy Randazzo (Inherited)); Parenteral Manufacturing (Union) (Thomas Royal (Inherited)); Parkersburg 178 (Jeff Hay); Parkersburg 178 (Lachelle Mosholder); Parkersburg 178 (Lenora Lada); Parkersburg 178 ACM Area 1 (Alissa Sindelar); Parkersburg 178 ACM Area 1 (Lenora Lada); Parkersburg 178 ACM Area 2 (Lachelle Mosholder); Parkersburg 178 ACM Area 2 (Lenora Lada (Inherited)); Parkersburg 178 QA (Amanda M Cvitkovich); Parkersburg 178 QA (Christina Prunty); Parma Heights 162 (Olivia Arend); Parma Heights 162 (Sue Collins); Parma Heights 162 ACM Area 1 (Lindsy Wolf); Parma Heights 162 ACM Area 2 (Mirela Sekulic); Parma Heights 162 ACM Area 2 (Seanna Penn); Parma Heights 162 QA (Deborah Robinson); Paste & Final Product Planning (Martin Sutter); Patents and Licenses (Hans-Peter Hauser); Patient Engage & Feas (Rodney Winley); Pay Services (Brian T Simeur); Payroll DE (Claudia Rogge); Pensacola 623 (Nicole K Stassen); Pensacola 623 ACM Area 1 (Esteban Facundo); Pensacola 623 ACM Area 1 (Timothy J Nisewonger); Pensacola 623 ACM Area 2 (Esteban Facundo); Pensacola 623 ACM Area 2 (Timothy J Nisewonger); Pensacola 623 QA (Jessica L Ford (On Leave)); Pensacola 623 QA (Jessica L Ford); Pensacola 623 QA (Matthew T Zisa); Pensacola 623 QA (Melodee C Ebel (Inherited)); Peoria 133 (Mark A Yellen); Peoria 133 (Patrick S Taylor); Peoria 133 ACM Area 1 (DeAnn K Benally); Peoria 133 ACM Area 1 (Patrick S Taylor (Inherited)); Peoria 133 ACM Area 2 (Patrick S Taylor (Inherited)); Peoria 133 ACM Area 2 (Seanna Penn); Peoria 133 QA (LaVona M Holt); Peoria 289 (Dennis Popek); Peoria 289 (Nicholle DeVecchi); Peoria 289 ACM Area 1 (Holly Worsfold); Peoria 289 ACM Area 2 (Lew Carney); Peoria 289 QA (Kali Trevino); Performance Management (Ken Lain); Pharmaceutical Development (Martin Alex Imboden); Pharmacodynamic (Marc Nolte); Pharmacodynamic 1 (Padmapriya Ponnuswamy); Pharmacodynamic 2 (Subhajit Ghosh); Pharmacokinetic (Oliver Ghobrial); Pharmacokinetic (Sabine Pestel); Pharmacology & Toxicology (Eva Herzog); Pharmacometrics (Theresa Yuraszeck); Pharmacovigilance systems (Sahil Sahni); Pharmacovigllance Quality (Wumi McDowall); Pharmakanten (Carmen Walldorf (Inherited)); Pharmakanten (Doris Nake (Inherited)); Philadelphia 145 (Kristen Aydin); Philadelphia 145 (Rene Benson-Skone); Philadelphia 145 (Robert W Gillespie); Philadelphia 145 ACM Area 1 (Ken Laguerre); Philadelphia 145 ACM Area 2 (Kevin Lambrecht); Philadelphia 145 ACM Area 2 (Rene Benson-Skone (Inherited)); Philadelphia 145 QA (Kim Van Houten); Philadelphia 147 (Derek Morner); Philadelphia 147 (John L Thixton (Inherited)); Philadelphia 147 (Michele Dionne); Philadelphia 147 (Theresa Mwimbwa); Philadelphia 147 ACM Area 1 (Jennifer Foxworth); Philadelphia 147 ACM Area 1 (Robinrenee Dorsey); Philadelphia 147 ACM Area 2 (Robinrenee Dorsey); Philadelphia 147 ACM Area 2 (Rose Marie Waddle); Philadelphia 147 QA (Alissa Elke); Philadelphia 147 QA (John L Thixton (Inherited)); Philadelphia 147 QA (Leslie Jones); Philadelphia 147 QA (Samantha J Schrepel); Pilot Plan Manufacturing Team (Stefanie Ronzheimer); Pilot Plant (Christian Schlachtbauer); Pilot Plant (Jarvis Hammitt); Pilot Plant (Klaus-Jrgen Schlitt (Inherited)); Pilot Plant (Leander Trachsel); Pilot Plant (Norbert Egon Juettner); Pilot Plant Group (Lukas Sterchi); Pilot Plant II (Franziska Naef); Pilot Plant II (Lukasz Lubecki); Pilot Plant Lengnau (Joel Zumstein); Pilot Scale Operations (Chris Horridge); Pilot Scale Operations (Daniela Mocanu); Pilot Scale Operations (Heidi Bergman); Pilot Scale Operations (Jeffrey Bourke); Pilot Scale Operations (Maggie Aziz); Pilot Scale Operations (Mark Simmonds (Inherited)); Pilot Scale Operations (Mark Simmonds); Pilot Scale Operations (Paul Gibbs); Pilot Scale Operations (Rob Hooper); Pilot Scale Operations (Sharon Orr); Pilot Scale Operations (Tien Vo); Pilot Scale Operations (Tim Hanna); Pilot Scale Operations (Ursula Macaskill); Pilot Scale Operations 1 (Jessica McGiffin); Pinellas Park 139 (Brett Goldman); Pinellas Park 139 (Leah J Davis); Pinellas Park 139 (Robin G Spencer); Pinellas Park 139 ACM Area 1 (Alesia Davenport); Pinellas Park 139 ACM Area 1 (Lynn M Stratton); Pinellas Park 139 ACM Area 2 (Alesia Davenport); Pinellas Park 139 ACM Area 2 (Christina Goodrich); Pinellas Park 139 QA (Dana Pagano); Pinellas Park 139 QA (Lynn M Stratton); Pinnacle Training Site Las Vegas (Yennifer Fernandez); Pinnacle Training Site Pinellas Park (Lauren Hardy); Pittsburg 269 (Esence Hambrick); Pittsburg 269 ACM Area 1 (Dan Lassige); Pittsburg 269 ACM Area 2 (Tammy Toth); Pittsburg QA 269 (Marianne Brown); Pittsburgh 269 (Marianne Brown); Pittsburgh 269 ACM Area 1 (Dan Lassige); Pittsburgh 269 ACM Area 2 (Tammy Toth); Pittsburgh QA 269 (Melanie Kauffman); Planning (Christoph Krug); Planning (Stephan Obrecht); Planning (Tabitha Dineen); Planning Maintenance (Andr√© Hasler); Planning Maintenance (Oliver Bigler); Plant & Clean Utilities (Nozar Basseri); Plant Engineering & Services (Beat Meyer); Plant Engineering (Benjamin Reh); Plant Engineering (Michael Kleinehanding); Plant Engineering Mgr 255 (Anthony Wrzesinski); Plant Engineering Mgr 255 (Stuart Barnes); Plant Engineering Mgr 255 (Timothy Travis); Plant Finance (Justin Mericle); Plant Finance (Melissa Gottschall); Plant Finance (Vlad Kirylau); Plant Finance II (Vlad Kirylau); Plant Finance Product Costing & Capital (Michael McAvoy); Plant Operations (Vinko Momiroski); Plant Utilities (Hansruedi Brunner); Plasma & Raw Material Release (Stefan Tepfenhart); Plasma Center Management (Jincai Zhu ); Plasma Center Management (Jincai Zhu ?????); Plasma Contract Management (Linda S Romalin); Plasma Finance (Jason Mugridge); Plasma Fractionation (John Nelson); Plasma Fractionation (Jordan Wright); Plasma Fractionation (Union) (John Nelson (Inherited)); Plasma Fractionation (Union) (Jordan Wright); Plasma Logistic Center (Peter Nau); Plasma Logistic Center Dallas Supervisor (Brandon W Wornick); Plasma Logistic Center Dallas Supervisor (Brandon Wornick); Plasma Logistics Center Dallas (Carey L Fleener); Plasma Logistics Center Indy (Chad Simeur); Plasma Logistics Center Whitestown (Chad Simeur); Plasma Logistics Centers (Michael J Frecker); Plasma Management (Jack Zhang ?????); Plasma New Development (Jake Zhang ); Plasma New Development (Lixia He ?????); Plasma Operation, Quality (Qingqing Wang ); Plasma Operation, Quality (Qingqing Wang ?????); Plasma Operations (Eveline Kindler); Plasma Operations (Timo Fuhrmann); Plasma Operations Finance; Plasma Operations and Quality (Eric Li ); Plasma Operations and Quality (Eric Li ?????); Plasma Operations and Quality Management (Jeffrey A Schulz); Plasma Pay Services (Karen D Vellutini); Plasma Product Development (Douglas Lee (Inherited)); Plasma Product Development (Michael Zachner); Plasma Products Bulk Operations (Barbara Kalina); Plasma Quality (Lixia He ); Plasma Quality (Lixia He ?????); Plasma Quality Management (Laura O''Brien); Plasma Quality/Deviations (Stefan Kaelin); Plasma Receipt & Haemostasis (Narelle Urli); Plasma Receipt & Haemostasis (Sean Flannery); Plasma Receipt (Brendan Smale); Plasma Receipt (Roger Hand); Plasma Receipt (Tommy Tovilo); Plasma Release (Daniel Schwarz); Plasma Release (Si√© Kigninlman Coulibaly (Inherited)); Plasma Resources US (David H Confessore (Inherited)); Plasma Resources US (Debra A Hood); Plasma Resources US (Shane Kennedy); Plasma Sourcing Management (Lixia He ?????); Plasma and Manufacturing Finance (Ted Kanigowski); Plasma and Manufacturing Finance (Ted Kanigowski) (Ted Kanigowski); Plasmapreparation (Andreas Reber); Plasmapreparation (Erich Nuessle); Pleasant Grove 046 (Eduardo Williams); Pleasant Grove 046 (Vicky Sablan); Pleasant Grove 046 ACM Area 1 (Chad Pagel); Pleasant Grove 046 ACM Area 2 (Ebony Q McGee); Pleasant Grove 046 QA (Pamela R Mendoza); Pontiac 121 (Ashley M Jamieson (Inherited)); Pontiac 121 (Melissa Johnson); Pontiac 121 (Mondel Hightower); Pontiac 121 ACM Area 1 (Tracey L Boyd-McCorkle); Pontiac 121 ACM Area 2 (Mondel Hightower (Inherited)); Pontiac 121 ACM Area 2 (William D Owens); Pontiac 121 QA (Ashley M Jamieson (Inherited)); Pontiac 121 QA (Rebecca Barrons (On Leave)); Pontiac 121 QA (Rebecca Barrons); Pontiac 121 QA (Rodnesia R Jackson); Port Arthur 176 (Karen Sauceda); Port Arthur 176 ACM Area 1 (Dannetta Abdel-Malek); Port Arthur 176 ACM Area 1 (Karen Sauceda (Inherited)); Port Arthur 176 ACM Area 2 (THU RAMOS); Port Arthur 176 QA (Angela Redd); Port Author 176 QA (Angela Redd); Port Author 176 QA (Michael Thompson); Port Authur 176 (Karen Sauceda); Port Authur 176 (Lauren Hardy); Port St Lucie 072 (Kashaun Muhammad (Inherited)); Port St Lucie 072 (Mario A Salas); Port St Lucie 072 ACM Area 1 (Adam Davis); Port St Lucie 072 ACM Area 2 (Vanessa Sanon); Port St Lucie 072 ACM Area 3 (Garrett J Royal); Port St Lucie 072 QA (Raquel Reyes (On Leave)); Port St Lucie 072 QA (Raquel Reyes); Portage 187 (Dom Moceri); Portage 187 (Richard McCoy); Portage 187 ACM Area 1 (DERREK CRUMP); Portage 187 ACM Area 1 (Jeffrey Ott (On Leave)); Portage 187 ACM Area 2 (DERREK CRUMP); Portage 187 ACM Area 2 (Nikki Bradley); Portage 187 QA (Mitch A Quinn); Portage 187 QA (Stephanie Gower); Portfolio & Project Management (Heather Davis); Portfolio & Project Management (Roberta Duncan); Portfolio Management (Joel Hanson); Potency 1 (Dave De Witte); Potency 1 (Johanna Mock); Potency 2 (Martina Treutlein); Potency Testing Final Product 1 (Johanna Mock); Potency Testing Final Product 2 (Martina Treutlein); Potency Testing Intermediates 1 (Jan Bursy); Potency Testing Intermediates 1 (Marika Midon); Potency Testing Intermediates 2 (Wilfried Peil); Preclinical Innovation (Fabian Kaesermann); Preclinical Innovation (Jennifer Brasseit); Preclinical Innovation (Kleanthis Fytianos); Preclinical Innovation (Rolf Spirig); Pricing (Paul Jens (Inherited)); Pricing (Stephanie Kupski); Primary Automation (Gary Steele); Primary Automation (Stephen Callaghan); Primary Manufacturing (Matthew Burrows); Primary Packaging & Medical Devices Bern (Frank Bamberg); Primary Packaging & Medical Devices Bern (Renzo Pedrussio); Primary Packaging & Medical Devices Bern I (Monica Tavanti); Primary Packaging & Medical Devices Marburg (Ahmad Abdul Fattah); Primary Packaging & Medical Devices Marburg (Thomas Pfeifer); Primary Process Engineering (Asad Akhter); Primary Utility Projects (Russell Peak); Primary and Warehouse Validation (James Swann); Privigen Bulk & Facility Operations (Robert Skok); Privigen Bulk (George Barlas); Privigen Bulk (George Makris); Privigen Bulk (Jeremy Campbell (Inherited)); Privigen Bulk (Jeremy Campbell); Privigen Bulk (Kellie Goodman); Privigen Bulk (Lanie Hynninen); Privigen Bulk (Ritaben Suhagiya); Privigen Marketing (Robert Zegel); Privigen/AlbuRx Processing (Peter Klasen); Privigen/AlbuRx Processing Team Leader (Areti Kaloyannis); Process Validation (Berangere Lingat); Process Validation (Fergus Hawes); Process Validation (Peter Trimcevski); Process & Project Engineering (Duncan Benson); Process Analyst Lead (Kate Goossens); Process Analytics & Scale-up (Michael Bieri); Process Analytics & Scale-up (Tobias Heck); Process Change Program (Anita Kohl-Truebenbach (Inherited)); Process Change Program (Jeffrey Ball); Process Control Manager (Vincent Chung (Inherited)); Process Development (Hubert Metzner); Process Development (Michael Bartkovsky); Process Development 1 (Martin Alex Imboden (Inherited)); Process Development 2 (Ibrahim El Menyawi); Process Development Bern (Kurtis Allan Epp); Process Development Bern (PDB) (Kurtis Allan Epp); Process Development Bern I (Maria Crespo Solans); Process Development Bern I, Team 1 (Madlene von Knel); Process Development Bern I, Team 1 (Madlene von K√§nel); Process Development Bern I, Team 2 (Jonathan Eras); Process Development Bern II (Ibrahim El Menyawi); Process Development Bern II, Team 1 (Eva Blatter); Process Development Bern II, Team 2 (Marcus von Nordheim); Process Development Bern II, Team 3 (Adrian Alder); Process Development Bern II, Team 4 (Matthias Spiess); Process Development Bern III (Simon Gerber); Process Development Bern III, Team 1 (Robin Das Gupta); Process Development Bern III, Team 2 (Adrian Alder); Process Development Bern III, Team 3 (Eva Blatter); Process Development Bern III, Team 4 (Jos√© Ures); Process Development Group 1 (Robin Das Gupta); Process Development Group 2 (Eva Blatter); Process Development I & PP (Jennifer Krupka); Process Development I (Charles Arnold); Process Development I (Maike Glaser); Process Development I (Roopsee Anand); Process Development I (Uwe Liebing (Inherited)); Process Development I (Uwe Liebing); Process Development II (Jennifer Krupka); Process Development II (Katrin Anders); Process Development II (Kenneth Maas); Process Development III (Klaus Schmitt); Process Development, Data Science (Maya Shevlyakova); Process Engineering (Donall O Cualain); Process Engineering (Duncan Benson (Inherited)); Process Engineering (Gemma Parkes); Process Engineering (Markus Rentsch); Process Engineering (Michael Bieri); Process Engineering (Sean Goudy); Process Engineering Form & Fill (Emanuella Barbosa Lopes Souza Leao); Process Equipment & Technology (Benno Bitterli); Process Experts (Nicole L√∂ffelholz); Process Improvement (Deborah Mansfield); Process Improvement (George Thomas); Process Improvement (Jason Woolley (Inherited)); Process Improvement Mgr, PNS (Jerjess Chahoud); Process Management (Dawn Myers); Process Management Admin PGI (Antje Rder); Process Management Admin PGI (Antje R√∂der); Process Management Admin PGI (Oliver Draht); Process Migration (Ian Falcao); Process Migration (Paul Martell); Process Migration (Tony Renna); Process Migration Automation PU (Muditha Hasthanayake); Process Migration E&I (Paul O''Brien); Process Migration Project Engineer (Alice Dinh); Process Migration Project Engineer (Anna Martell); Process Science (Annette Gaida); Process Science (Annette Gaida-Benz); Process Science (Stefan Schulte); Process Science 2 (Arnaud Vonarburg); Process Science Upstream Lead (Sandra Grunske); Process Scientists Fractionation (Bernhard Wyss); Process Seed (Jennifer Kelly-Martland); Process Seed (John Cooney); Process TD (Adam Bentley); Process TD (Lisa-Marie Foulkes); Process Validation & Tech Transfer (Stefan Schulte); Process Validation (Berangere Lingat (Inherited)); Process Validation (Berangere Lingat); Process Validation (Fergus Hawes); Process Validation (Indi Staffa); Process Validation (Jesse Richter (Inherited)); Process Validation (Jessica Parletta); Process Validation (Peter Trimcevski); Process Validation - Stability (Jessica Mackellin); Process, Aseptic and Shipping Validation (Clare O''Donnell); Processes (Ferdinand Marx); Processes and Metrics (Eberhard Fitzner); Procurement (Barbara Beugger (Inherited)); Procurement (Brigitte Kimpel-Koch [C]); Procurement (Sreevatsan Sridharan); Procurement Lengnau (Narin Hermez); Procurement Lengnau (Pierre Bersier); Procurement Liverpool (Ian Goldup); Procurement Liverpool (Rachael Close); Procurement Liverpool (Trevor Reay (Inherited)); Procurement Operations (Juerg Kauer); Procurement Operations (Robert Di Giacomo); Procurement Operations (Sue Savage); Procurement Operations (Taylor Saak); Procurement Operations (Thomas Schneider); Procurement Operations - Liverpool (Rachael Close); Procurement Operations - Liverpool (Rachel Shaw); Procurement Operations I (Taylor Saak); Procurement Operations Manager (Marion Fitchett); Prod Manager - Formulations441 (Jamie Aaron Morris); Prod Manager - Formulations441 (Paul Morrison); Prod Mgr - Packaging (Garth James); Prod Mgr - Packaging (MARILYN BARAKIA); Product Care & Layout (Viviana Solange Fluxa Rojas); Product Care (Bill Chambers (Inherited)); Product Care (Markus Christen); Product Care (Patrick Nolte); Product Care (Samantha Czako (On Leave)); Product Care (Samantha Czako); Product Care (Thorsten Keller); Product Care (Valerie Schaffer); Product Care (Viviana Solange Fluxa Rojas (Inherited)); Product Care Mgmt (Andrea Lehmann); Product Characterisation (Matthias Zimmermann); Product Characterisation (Robert Dickinson); Product Characterization (Carsten Horn); Product Costing & Inventory Controlling (Anika Wagner); Product Costing & Inventory Controlling (Dirk Achenbach); Product Development (David Glover (Inherited)); Product Development (David Glover); Product Development (Fiona Bunworth); Product Development (Matthias Zimmermann); Product Disposition (Amber Hall); Product Disposition (Gennin Snyder); Product Education (David Chen ????); Product Education (Wei Chen ); Product Education (Wei Chen ????); Product Expertise (Paul Sinclair); Product Group Hemophilia (Claudia Zacharias); Product Group Hospital Products; Product Group Hospital Products (Bianca Petzold); Product Group Hospital Products (Michael Bernd Rode (Inherited)); Product Group ID (Richard Sodmann); Product Innovation (Fabian Kaesermann (Inherited)); Product Innovation (Fabian Kaesermann); Product Innovation (Rolf Spirig); Product Innovation (Susann Cattepoel); Product Market Authorization & QA Russia & CIS (Galina Senchukova); Product Ownership - Biotherapies (Anita Kohl-Truebenbach); Product Ownership - Biotherapies (Paul McKenzie (Inherited)); Product Release (Christine Peter); Product Release (Patricia Loftus); Production & Strategic Planning (Matthias Christl (On Leave)); Production & Strategic Planning (Matthias Christl); Production (Craig Byham); Production BCI/C1 INHIB (Peter Gttner); Production BCI/C1 INHIB (Peter G√ºttner); Production Engineering (ANDREW HISLOP); Production Engineering (Andre Majchrzak); Production Engineering (Anisa Moghaddam); Production Engineering (Antonio Ciocca); Production Engineering (Cameron Simpson); Production Engineering (Campbell Anderson); Production Engineering (Candy Lee); Production Engineering (Damien Barri); Production Engineering (Dion Houtman); Production Engineering (Jason Fletcher); Production Engineering (Karen Noonan); Production Engineering (Kate McConnell); Production Engineering (Melissa Nicholson); Production Engineering (Reza Mohebian); Production Engineering (Richard Friar); Production Engineering (Richard Hayne); Production Engineering (Tom Graham); Production Engineering (Tom Kelland); Production Engineering 1 (Geoff Wang); Production Manager (Cassandra Smoult); Production Manager (Jamie Aaron Morris); Production Manager US (Ljubi Huseinovic); Production Manager, PNS 448 (Keiran Ragas); Production Marburg (Frank Emmerich); Production Marburg (Michael Schr√∂der); Production Planning (Kyle Popham); Production Supervisor 454 (Kara Davine); Production Support (Jeffrey Spicer); Production Support (Marcus O''Dwyer); Produktion Inhibitoren PGI (Barbara Kalina (Inherited)); Produktion Inhibitoren PGI (Stefan Wellnitz); Produktion Inhibitoren PGI (Wilfried Happel); Produktion Inhibitoren Schicht 1 (Fabian Cybulski); Produktion Inhibitoren Schicht 2 (Arkadius Kaczmarczyk (Inherited)); Produktion Inhibitoren Schicht 2 (Arkadius Kaczmarczyk); Produktion Inhibitoren Schicht 3 (Manuel Lotz); Produktion Inhibitoren Schicht 4 (Fynn Krieger); Produktion Inhibitoren Schicht 4 (Manuel Cuesta Linker); Produktion Inhibitoren Tagdienst (Florian Scherer); Produktion RPF300 (Anika Knack); Produktion RPF300 (Mara Saglam); Produktion Rekombinante Proteine & Support (Carsten Meyer); Produktion Rekombinante Proteine & Support (Viktor Krecker); Produktion Wundheilungsprparate M300 1 (Meik Dietrich); Produktion Wundheilungsprparate M300 2 (Jrg Schmidt); Produktion Wundheilungsprparate M300 3 (Bjrn Bartelme); Produktion Wundheilungsprparate M300 4 (Willi Drr); Produktion Wundheilungsprparate M300 5 (Rainer Jesberg); Produktion Wundheilungsprparate M300 6 (Udo Wagner); Produktion Wundheilungspr√§parate M300 1 (Meik Dietrich); Produktion Wundheilungspr√§parate M300 2 (J√∂rg Schmidt); Produktion Wundheilungspr√§parate M300 3 (Bj√∂rn Bartelme√ü); Produktion Wundheilungspr√§parate M300 3 (Christoph Bernitt); Produktion Wundheilungspr√§parate M300 4 (Willi D√∂rr); Produktion Wundheilungspr√§parate M300 5 (Rainer Jesberg (On Leave)); Produktion Wundheilungspr√§parate M300 5 (Rainer Jesberg); Produktion Wundheilungspr√§parate M300 6 (Udo Wagner); Produktionsfachkraft Chemie (Carmen Walldorf (Inherited)); Produktionsfachkraft Chemie (Doris Nake (Inherited)); Program Management R&D Building (Carsten Skill); Programme Management (Anthea Stephenson); Project (Joe Fielding [C]); Project Aurora Automation (Mukesh Muruganandan) (Mukesh Muruganandan); Project Automation (Michael Kraft); Project BCI (Kristin Eschrich); Project Controls and Commercial Assurance (Daniel Boltz); Project Delivery & Support (Christopher A Betterton); Project Delivery & Support (Matt Shapiro); Project Delivery & Support (Robert Boland (Inherited)); Project Delivery EU/APAC (Nick Furmston); Project Delivery KAN (Michael Hansen (Inherited)); Project Edge Commercial (Drew Hansen); Project Edge Finance (Daya Salter); Project Edge Finance (John Dinatale (Inherited)); Project Edge Logistics (John Dinatale (Inherited)); Project Edge Logistics (Steve Wilson [C]) (Steve Wilson [C]); Project Edge Procurement (Emma Hopwood); Project Edge Quality (Glenn Barbrey); Project Edge Quality (John Dinatale (Inherited)); Project Engineering (Daniel Weniger); Project Engineering (Duncan Benson); Project Engineering (Volker Teuchert); Project Ldr Improve & Compl (Michael Dunn); Project Ldr Improve & Compl (Thomas Nguyen); Project Logistic Centre Lahntal (Thomas Schwarz); Project Management (Bryan J Hoover); Project Management (Mark Ridge); Project Management CV TA (Julie Waterbury); Project Management Office (Chris Abell); Project Management Office (Emily Brown); Project Management Office (Geoffrey Rea [C]); Project Management Office (Jose Gonzalez (Inherited)); Project Management, AU/Asia (Alex Vaine); Project Management, Europe (Elaine DiMonte); Project Management, Europe (Katharine von der Fecht); Project Management, North America (Elaine DiMonte); Project Manager (Andrei Fedorov); Project Manager (Conal O''Mahony); Project Manager (Heiko V√∂lpel (Inherited)); Project Manager (Jack Hung); Project Manager (Victor Karafilis (Inherited)); Project Support & Technical Transfer (Andreas Berting); Project Upgrade H69 (Thomas Schwarz); Project-Portfolio Delivery (Robert Boland); Project/Portfolio Delivery (Tod Marks); Projekt Phoenix (Markus Ries); Projekt-Koordinator (Claus Peihs (Inherited)); Projekt-Koordinator (Jrg Dieterich (Inherited)); Projekt-Koordinator (J√∂rg Dieterich (Inherited)); Projekt-Koordinator (Murat Dalar (Inherited)); Protein Biochemistry (Eric Salgado); Protein Research R&D (Nathan J Brinkman); Protinus (Marius Liesch); Protinus (Sandra Kaempfer); Prozessgruppe 1 (Christoph Pfeiffer); Prozessgruppe 1 (Daniel Weniger (Inherited)); Prozessgruppe 1 (Marko Witt); Prozessgruppe 2 (Frank Heck); Pt. St. Lucie 072 ACM Area 1 (Adam Davis); Pt. St. Lucie 072 ACM Area 2 (Vanessa Sanon); Pt. St. Lucie 072 ACM Area 3 (Garrett J Royal); Publishing Site Marburg (Jrg Starker); Publishing Site Marburg (J√∂rg Starker); Publishing Site Marburg Diverse (J√∂rg Starker (Inherited)); Puffer (Rainer Frank (Inherited)); Puffer (Torsten Jeide); Pulmonology-Europe (Michael Larbig); Purchasing (Alfonso Albornoz); Purchasing (Bob Siegel); Purchasing (Mark W Hartmann); Purchasing I (Alfonso Albornoz); Q Fever Team Leader D443 (Marcus O''Dwyer); Q Fever Team Leader D443 (Paul Williams); Q-Operation (Isabelle Crauser); Q-Operation (Marco Maeder); Q-Oversight End Products (Urs Pflugshaupt); QA - Batch Release & PTCs (Daniel Powell); QA - Batch Release & PTCs (Peter Tyler); QA - Batch Release (Astrid Mellor); QA - Batch Release (Tracy Owens); QA Batch Release (Constanze Buchter); QA Batch Release (Nicole Kortelainen); QA Batch Release (Randolph Rimando); QA Complaints Mangement (Rhonda L Luhrsen); QA Compliance (Berangere Lingat); QA Compliance (Craig Stephens (Inherited)); QA Compliance (JEFFREY ZOUBEK); QA Compliance (Jeffrey Zoubek); QA Compliance (Kimberly E Lorenz (Inherited)); QA Compliance (Mark Dickson); QA Cont Imp & Iss Mgt (Sharon Thornton); QA Fill/Finish (Lindsay Griffiths); QA Manager (Nicola Rotherham); QA Manufacturing (Alex Hargreaves); QA Manufacturing (Natalie Steele); QA Manufacturing (Tracy Owens); QA Operations (Dave Kowalski); QA Operations API (Anthony Nelson); QA Operations API (Kyle Showalter); QA Operations Bldg 30 (Anastasia Lindsey); QA Operations Bldg 33 (Alison York); QA Operations Bldg 33 (Candice Nieves (Inherited)); QA Operations Bldg 33 (Jill Shafer); QA Operations Bulk (Candice Nieves); QA Operations Bulk (Cassandra Clevenger); QA Operations Coagulation (Nicholas Gluckleder); QA Operations Coagulation 2 (Kelly Kucera); QA Operations Fractionation (Alison York); QA Operations Fractionation (Jacquelyn O''Malley); QA Operations II (Meggan R Smith); QA Operations II (Sarah Milone); QA Operations IPW (Kimberly Desler); QA Operations IPW (Meggan R Smith); QA Operations IPW (Sarah Milone); QA Operations IPW I (Sarah Milone); QA Operations Parenteral (Dave Kowalski (Inherited)); QA Operations Parenteral (Michael Urbanczyk); QA Plasma/Deviations (Eva Streit); QA Plasma/Deviations (Si√© Kigninlman Coulibaly); QA Primary Manufacturing (Jocelyn Bryson); QA Process and Facilities / Stability (Marco Haas); QA Processes & Facilities (Dieter Bathier); QA Processes & Facilities (Ivo Lakomy); QA Processes & Facilities (Michel Baur); QA Processes & Facilities (Silvia Schmutz); QA Product Release (Joanna Madafferi); QA Product Release (Stephanie St.Martin); QA Projects Compliance Team (Danielle Moloney); QA Projects Compliance Team (Stoyan Atanasov); QA Release (Angelos Borobokas); QA Release (Aoife Corrigan); QA Release (Cherie Mclaren); QA Release (Craig Stephens (Inherited)); QA Release (Francesco Intoccia); QA Release (Ivo Lakomy); QA Release (Karin Hofstetter); QA Release (Katie Wood); QA Release (Manuel Selvaggio); QA Release (Marion Jeffrey); QA Release (Neil Del Castillo); QA Release (Rosemary Hill); QA Release 1 (Aoife Corrigan); QA Release 1 (Cherie Mclaren); QA Release 1 (Craig Stephens (Inherited)); QA Release FAR Compliance (Margrit Waterval); QA Release FAR Release (Natalie Helfer); QA Release FAR Review (Fabienne Thoenen); QA Release IG/CYT (Silvia Schmutz); QA Release IGC Compliance (Dagmar Riffel); QA Release Process Engineering (Michael Zachner); QA Secondary (Daniel Powell); QA Systems (Christian Eggel); QA Systems (Connie Costanzo); QA Systems (Craig Stephens (Inherited)); QA Systems (Dina El-Emary); QA Systems (Lorenz Rindisbacher (Inherited)); QA Systems (Malte Kr√§mer); QA Systems (Maryanne Pashalis); QA Systems (Michel Baur (Inherited)); QA Systems (Nancy Phan); QA Systems (Nassima Wilson); QA Systems (Nina Klee); QA Systems (Simone Naruhn); QA Systems (Sue Ireland); QA Systems (Susanne Deyhle); QA Systems (Tony Smith); QA Technical Support (Amanda Cooper); QA Validation (Jeff Mihaichuk (Inherited)); QA Validation (Jeff Mihaichuk); QA Validation (Stephen R Grey); QA Validation - Site Expansion (Jeff Mihaichuk (Inherited)); QA Validation I (Jeff Mihaichuk (Inherited)); QA and Regulatory Affairs SI (Aldelberto Cordova); QAI Quality Albumin, Immunoglob., Plasma (Martin Krah); QAO Compliance (Dagmar Riffel); QAO Manufacturing (Ines Joachim); QAO Manufacturing (Natalie Helfer); QAO Release (Natalie Helfer); QAO Release (Silvia Schmutz); QAO Sustain & Improve (Stefan Kaelin); QBR FVIII & FIX QoF (Anja Beetz); QBR FVIII & FIX QoF (Anja Beetz-Kroll); QBR PWI QoF (Torsten Cyriax); QBR rekombinante Proteine QoF (Nancy Georgieff); QBS Rotational Program (Ulrich Schuerch); QC (Gillian McAdam); QC (Rebecca Gannon); QC - Chemistry (Anna Melia); QC - Chemistry (Anthony Pellegrini); QC - Chemistry (Jimmy Pajarillo); QC - Chemistry (Marie Neophytou); QC - Chemistry (Michael Streule); QC - Microbiology (Angie Fifis); QC - Microbiology (Claire Abson); QC - Microbiology (Denise Vella); QC - Microbiology (Dinesh Raj Methuku); QC - Microbiology (Dozie Okafor); QC - Microbiology (Elsie Everson); QC - Microbiology (Grace Luong (Inherited)); QC - Microbiology (Grace Luong); QC - Microbiology (Karthy Santhosh); QC - Microbiology (Maria Arulruban); QC - Microbiology (Marika Moore); QC - Microbiology (Maruthi Shivananda); QC - Microbiology (Patricia Hughes); QC - Microbiology (Tyson Parker); QC Analytical & Raw Materials (Nick Brendon); QC Analytical & Raw Materials (Victoria Fairclough); QC Analytical Services Manager (Andrea Prendergast); QC Bioassay (Adrian Gee); QC Bioassay (Victoria Fairclough); QC Chemistry (Jenny Staff); QC Chemistry (Robert Zanon); QC Chemistry (Ying Huang); QC Chemistry Team Leader (Niki Soteriadis); QC Chemistry Team Leader (Ying Huang); QC Compliance (Ignazio Lamonica); QC Compliance Support (Lisa Walters); QC Compliance and Improvement (Lisa Marie Malcharek); QC Immunochemistry (Andre Lamarque (Inherited)); QC Immunochemistry (Andre Lamarque); QC Immunochemistry (Caroline Abdul-hay); QC Immunochemistry (Fatima Bartils); QC Immunochemistry (Georgina McKay); QC Immunochemistry (Sean O''Keefe); QC Immunochemistry (Tahlor Robson (Inherited)); QC Immunochemistry (Tahlor Robson); QC Immunochemistry (Xiaowen Chin); QC Immunology (Melissa Damino); QC Immunology Team Leader (Anna Gruszka); QC Immunology Team Leader (Corina Zahra); QC Immunology Team Leader (Grace Huynh); QC Immunology Team Leader (Michelle Reckerman); QC Labs (Dawn Nagel); QC Micro Manager (Rita Simopoulos); QC Micro Team Leader (Dan Balod); QC Micro Team Leader (Prue Shanahan); QC Microbiology (Denise Vella); QC Microbiology (Georgia Ieronymakis); QC Microbiology (Maria Moeller); QC Microbiology (Nicola McDonald); QC Microbiology and Sterility Assurance (Dozie Okafor); QC PNS + Other Non-IVV Prod (Dan Balod); QC Projects (Hannah Kay); QC Projects (Stephen Pearson (Inherited)); QC Sample Logistics (Billy Patel); QC Stability (Victoria Mason (On Leave)); QC Stability (Victoria Mason); QC Stability (Victoria Wilson (On Leave)); QC Stability (Victoria Wilson); QC Stability Coordination (Jonathan Whitehead); QC Support (Andrea Prendergast); QC Support (Jennifer Chung); QC Support (Lucero Perdomo Cruz); QC Support (Philip Elliott (Inherited)); QC Support (Stephen Pearson); QC Support (Sushil Deswal); QC Support Systems (Jenny Higgins); QC Validation (Hayley Mackin); QC Validation (Jeff Hancock (Inherited)); QC-Microbiology (Anja Djordjevich); QC-Microbiology (Kah Wen Lee); QC-Microbiology (Tahlor Robson); QC/QA (Alex Hargreaves); QC/QA (Natalie Steele); QCP BRR (Verena Specowius); QCP QC Support & PTC/QCP, QFP (Mirko Altenkmper); QCP QC Support & PTC/QCP, QFP (Mirko Altenk√§mper); QFP Filling AQL (Lina Matschke); QFP Filling H69 QoF (Christoph Kalfack); QFP Filling H69 QoF (Ingo Kischka); QFP Filling M305 ABW (Sandra Benthin); QFP Filling M305 BRR/CC (Verena Specowius); QFP Filling M305 QoF (Stefan Paul); QGP Quality Coagulation (Jrgen Keitel); QGP Quality Coagulation (J√ºrgen Keitel); QM Production (Monika Christen); QM Production (Monika Krebs); QM Qualification & Validation (Bettina Vgerl); QM Qualification & Validation (Bettina V√∂gerl); QM Qualification (Gnter Fehlberg-Sternemann); QM Qualification (G√ºnter Fehlberg-Sternemann); QM Validation (Mickael Boegli); QMB ES (Samuel Mann); QMB Operations (Jonathan Imhof); QO / Aseptic (Michelle Hogg); QP/QA Product Release (Jocelyn Bryson); QPPV (Anna Rozmyslowicz); QPPV (Giovanni Furlan); QSP Quality Supply Chain & Packaging Op. (Sybille Bertram); QTH Quality Teilfertigung H69 (Guido Kagemann); QTM Quality Teilfertigung M305 (Murat Dalar (Inherited)); QTM Quality Teilfertigung M305 (Wolfgang List); QWI Inhibitors, Fibrinogen+Vaccines (Antonia Preidel); QoF Endfertigung (Christoph Croon); QoF Endfertigung (Jeanette Ludwig); Qualification (Angela Hamrock-Fox (Inherited)); Qualification (Angela Hamrock-Fox); Qualification (Annabel Wang); Qualification (Bozana Dujak); Qualification (Chris Richter); Qualification (Ilija Najdovski); Qualification (Jonathan Nixon); Qualification (Judith Kennedy); Qualification (Judith Youd); Qualification (Lorraine Murphy); Qualification (My Linh Ly); Qualification (Peter Carver); Qualification (Purush Devanathan); Qualification (Rainer Kraus); Qualification (Rolf Ingold (Inherited)); Qualification (Selda Yildiz Kaya) (Selda Yildiz Kaya); Qualification (Susan Clough); Qualification - Systems (Susan Clough); Qualification - systems (Darren Geary); Qualification System (Michael Kocher); Qualification System (Nadine Aeschbacher); Qualification System (Nadine Jost); Qualifizierung I Schwerpunkt Bulk (Michael Dospil); Qualifizierung II Schwerpunkt Teilfertigung (Michael Kuhn); Qualifizierung III Schwerpunkt Automatisierung (Lionel Guthneck); Qualifizierung IV Schwerpunkt Re-Qualifizierung (Ingo Kischka); Qualifizierung IV Schwerpunkt Re-Qualifizierung (Rainer Kutsch); Qualifizierung Lengnau (Thomas Cragnolini); Quality & Business Services (Karen Etchberger); Quality & Compliance UK (Jonathan Sheard); Quality & Med Svcs (Francesc Pont); Quality & Safety Management R&D (Dominik Blaser); Quality (Craig Stephens (Inherited)); Quality (David Atkinson); Quality (Ernest Shepard); Quality (Helmut Robert Euler); Quality (Jeffrey A Alcorn (Inherited)); Quality (Jill Allen); Quality (Jose Gonzalez (Inherited)); Quality (Kimberly E Lorenz); Quality (Mark Dickson); Quality (Matthew Donegan); Quality (Michelle Kelley); Quality (Robin A Mroz); Quality (Scott Overton); Quality (Vasilis Mavrogenis); Quality (Wei Wei ); Quality (Wei Wei ????); Quality (Yun Zhao (Inherited)); Quality (Yun Zhao ????); Quality 1 (David Atkinson); Quality Applications (Jason VanGils); Quality Assurance & Systems (Kelley L Hyatt); Quality Assurance (Anuja Prabhutendolkar); Quality Assurance (Connie Stewart); Quality Assurance (Ryo Ohnishi ??? ? - ???? ???? (Inherited)); Quality Assurance (Sanae Uchida (Inherited)); Quality Assurance Division (Ryo Ohnishi - ); Quality Assurance Division (Ryo Ohnishi ??? ? - ???? ????); Quality Assurance I (Connie Stewart); Quality Assurance II (Terry L Fritz); Quality Assurance Operations (Ivo Lakomy); Quality Assurance Projects Compliance (Craig Stephens (Inherited)); Quality Assurance Projects Compliance (Eoin Hanley); Quality Assurance System Group (Ryo Ohnishi ??? ? - ???? ???? (Inherited)); Quality Assurance System Group (Sanae Uchida (Inherited)); Quality Assurance Systems (Markus Schriewer); Quality Assurance, HS (Jonathan Kegerise); Quality Assurance, LVP (Gillian McAdam); Quality Assurance, PKV (Fiona Smith); Quality Assurance, PKV (Karen Netherton (Inherited)); Quality Bulk and Release QBR (Petra Hintz-Obertreis); Quality Chemistry (Cassie Norton); Quality Compliance (Sandra F Osborne); Quality Control (Juergen Liedtke); Quality Control (Leonora Pancho); Quality Control (Manuel Selvaggio); Quality Control (QC) (Dominik Stadler); Quality Control (QC) Ops Support (Brigitte Siani); Quality Control (Rene Bruegger); Quality Control Development (Andreas Affolter); Quality Control Services (Manuel Selvaggio (Inherited)); Quality Control Specialist (Andrea Chalker (Inherited)); Quality Control Specialist (Lakmini Croner); Quality Control Specialist (Linh Vo); Quality Control Support (Pascal Hulliger); Quality Control Support (QCS) (Christoph Wyss); Quality Control Team Leader (Andrea Chalker); Quality Control Team Leader (Chris O''Meara); Quality Control, LVP (Rebecca Gannon); Quality Control, LVP (Simon Harwood); Quality Controll Support QCS (Sebastian Klzer); Quality Controll Support QCS (Sebastian K√∂lzer); Quality Coordination ECI (Viviana Solange Fluxa Rojas); Quality Deviation & CAPA Management (Michael Rudolf); Quality Document Control (Michael Gough); Quality Enterprise Learning Management (Amy Love); Quality Filling H69 (Jens Huft); Quality Final Product QFP (Murat Dalar); Quality Global QA Technical Development (Monica Rose); Quality HS QA 3rd Party Manufacturing (Eric Blaesing); Quality HS QA Document Control (Aaron Ward); Quality HS QA Document Control (Cara Miller Kell); Quality HS QA Engineering & Validation (Petra Smith); Quality HS QA Fill Finish Expansion (Sarah Stearns); Quality HS QA Front Line (Laura Caldwell); Quality HS QA Front Line Days (1st Shift) (Laura Caldwell (Inherited)); Quality HS QA Front Line Days (1st Shift) (Nicholas Brown); Quality HS QA Front Line Incident Management (Dominic Greene); Quality HS QA Front Line Incident Management (Laura Caldwell (Inherited)); Quality HS QA Front Line Nights (2nd & 3rd Shift) (Karam Farhan); Quality HS QA Front Line Weekends (4th & 5th Shift) (Erminio Alesii); Quality HS QA Manufacturing (Stephenie Robertson); Quality HS QA Manufacturing Batch Release Bulk (Jennifer Deinarowicz); Quality HS QA Manufacturing Batch Release Fill Finish (Marianne Perelstein); Quality HS QA Manufacturing Batch Release (Amy Love); Quality HS QA Manufacturing Batch Release (Jonathan Kegerise (Inherited)); Quality HS QA Manufacturing Batch Release ¬ñ Bulk (Jennifer Deinarowicz); Quality HS QA Manufacturing Batch Release ¬ñ Fill Finish (Marianne Perelstein); Quality HS QA Manufacturing Batch Release-PTC (Troy Greene Jr); Quality HS QA Manufacturing Incident Management (Dominic Greene); Quality HS QA Manufacturing Shopfloor (Brian Leising); Quality HS QA Manufacturing Shopfloor (Jonathan Kegerise (Inherited)); Quality HS QA Manufacturing Shopfloor Bulk Days (Stephaine McMillan Eads); Quality HS QA Manufacturing Shopfloor Bulk Nights (Nicholas Alexander Brown); Quality HS QA Manufacturing Shopfloor FF Days (Elliott Tatum); Quality HS QA Manufacturing Shopfloor FF Days (Joseph A Marti); Quality HS QA Manufacturing Shopfloor FF Nights (Michael Mikolajczak); Quality HS QA Supplier & Third Party Management (Aaron Ward); Quality HS QA Supplier & Third Party Management (Jessica Mercer (Inherited)); Quality HS QA Systems & Compliance (Jessica Mercer); Quality HS QC Biochemistry (Geremy Knapp); Quality HS QC Biochemistry (Richard H Steere); Quality HS QC Chemistry (Gina Stick); Quality HS QC Chemistry (Raymond Otchere-Adjei); Quality HS QC Immunology (Geremy Knapp); Quality HS QC Logistics (Kelly Jenness); Quality HS QC Logistics (Laura Matulevich); Quality HS QC Microbiology (Liz Strickland); Quality HS QC Microbiology (Roland Jason Jacques); Quality HS QC Microbiology (Sarah Strickland); Quality HS QC Validation & Change (Jessica Loshia Gambill); Quality HS QC Virology (Geremy Knapp); Quality HS QC Virology (Geremy William Knapp); Quality HS Quality Control (Jessica Mercer); Quality HS Quality Control (Rebecca Gannon); Quality HS Quality Control (Stephen Case); Quality HS Training & Workforce Development (Jessica Mercer (Inherited)); Quality HS Training & Workforce Development (Jonathan Kegerise (Inherited)); Quality HS Validation (Amy Russell); Quality HS Validation (Brian Nunnally (Inherited)); Quality HS Validation Bulk & Warehouse (Mark Holland); Quality HS Validation Fill Finish, QC & FacOps (Amy Russell (Inherited)); Quality HS Validation Fill Finish, QC & FacOps (Amy Russell); Quality HS Validation Fill Finish, QC & FacOps (Megan Crandall); Quality HS Validation Process & Aseptic (Brian Nunnally (Inherited)); Quality HS Validation Process & Aseptic (Christopher Lee); Quality HS Validation Process & Aseptic (Matthew Franks); Quality Improvement (Marc Christeller); Quality Improvement (Sandra Soverna); Quality Italy (Annarita Cinardo); Quality Knowledge Management (Sarah S Lemons); Quality Lab (Russ Reeves); Quality Management (Adam Robb); Quality Management (Craig Stephens); Quality Management (Dina El-Emary); Quality Management (Jeffrey A Alcorn (Inherited)); Quality Management (Juergen Liedtke); Quality Management (Lorenz Rindisbacher); Quality Management (Michel Baur); Quality Management (Niklas Schier); Quality Management (Paul Martell); Quality Management (Philip Elliott); Quality Management (Reiner Laske); Quality Management (Reiner Laske, Niklas Schier); Quality Management (Susanne Jecklin); Quality Management 2 (Manuel Selvaggio); Quality Management E&S (Michael Kocher); Quality Management E&S (Rolf Ingold); Quality Management Engineering (Alexandra Rompf); Quality Management Strategy & Op Excellence (Collins Onyejese); Quality Management System (Eileen DiRita); Quality Management Systems (Justin Huss); Quality Operations (Carolyn M Koerner); Quality Operations, Liverpool (Karen Netherton); Quality R & D (Bradley Jackson); Quality R & D (Sharon Reinhard); Quality Review & Improvement Management (Uwe Dohmen); Quality Review Management & Trending (Uwe Dohmen); Quality Shared Services (Barbara Hicks); Quality Site Operations HS (Brian Nunnally); Quality Supply Chain US Distribution (Karen Marks (Inherited)); Quality Supply Chain US Distribution (Samantha Wentzell); Quality Supply Chain US Distribution (Stephanie Condi); Quality System Validations (Jeffrey Berry); Quality Systems & Compliance (Mai Viholm); Quality Systems & Compliance (William Cunningham); Quality Systems & Compliance Auditing & Inspections (Marcela Rojas); Quality Systems & Compliance Auditing & Inspections HS (Aaron Ward); Quality Systems & Compliance Auditing & Inspections LVP (William Cunningham); Quality Systems & Compliance Auditing & Inspections PKV (Marcela Rojas (Inherited)); Quality Systems & Compliance HS (Milka Smoljko (Inherited)); Quality Systems & Compliance QA IT (Anthony Pickering); Quality Systems & Compliance Shared Services (Sarah Lemons); Quality Systems & Compliance Shared Services EDMS (Robbie Gay); Quality Systems & Compliance Shared Services GLIMS (Helen Mihaljevic); Quality Systems & Compliance Shared Services LMS (Cara Miller Kell); Quality Systems & Compliance Supplier Management HS (Gina Stick); Quality Systems (Alan Cordero); Quality Systems (Brandi C Robinson); Quality Systems (Brandi Kennedy); Quality Systems (Karen M Cory); Quality Systems (Margaret A Clifton); Quality Systems (Michael Gough); Quality Systems (Micheal Casaus); Quality Systems (Michelle J Siegel); Quality Systems (William Cunningham (Inherited)); Quality Systems - Trackwise (Maggie Bradley); Quality Systems 1 (Kristen Gist); Quality Systems Boca (Micheal Casaus); Quality Systems I (Alan Cordero); Quality Systems II (Michelle J Siegel); Quality Systems IT (Nicole Nolan); Quality Systems IT (Tim Jones (Inherited)); Quality Systems Management I (Sigrid Streichert); Quality Systems and Standards (Sophie Chairs); Quality Systems and Standards (Vicky Lioutas); Quality Validation (Rudolf Beutler); Quality and Compliance (Harumi Ishizuka); Quality and Standards (Shinya Takagawa); Quality system (Eric Li ?????); R&D (Russell Basser); R&D - Albumin/Immunoglobulin (Joseph Bertolini); R&D - Albumin/Immunoglobulin (Karl McCann); R&D - Albumin/Immunoglobulin (Robert Forrest); R&D - Albumin/Immunoglobulin (Vladimir Gurevich); R&D - Haemostasis (Ayse Kara); R&D - Haemostasis (Hung Pham); R&D - Haemostasis (Kathryn Scott); R&D - Haemostasis (Kelly Lo Presti); R&D - Haemostasis (Maria Panayi); R&D - Haemostasis (Norm Mancuso (Inherited)); R&D - Haemostasis (Norm Mancuso); R&D - Haemostasis (Vladimir Gurevich); R&D - Haemostasis (Yvette Citrine); R&D - Management (Germano Coppola); R&D - Technical Operations (Robert Forrest); R&D - Technical Operations Senior Scientist (FRIEDA FEHR); R&D - Technical Operations Senior Scientist (Mary Alaveras); R&D - Virology (Connie Broumis); R&D - Virology (Rachael Ross); R&D - Virology (Randel Fang (Inherited)); R&D - Virology (Randel Fang); R&D - Virology (Randel Fang) (Randel Fang); R&D - Virology (Trudi Wentzel); R&D Bioanalytics BMW (Sue Amatayakul-Chantler); R&D Biostatistics & Data Management AUS (Vince Matassa); R&D Biostatistics & Data Management US (Hongyu Liu); R&D Biostatistics Programming (Daphne Ewing); R&D Breakthrough Technologies BMW (Germano Coppola (Inherited)); R&D Breakthrough Technologies BMW (Joseph Bertolini); R&D Breakthrough Technologies BMW (Viv Louzado); R&D Business Operations (Christian DiDio); R&D CMC & Compliance (Chaaya Ganorkar); R&D CMC & Compliance (Michele Fischer Heintz (Inherited)); R&D CMC & Compliance (Wendy Su); R&D Cell Based Influenza Vaccines (Brett Ashley Leav); R&D Cell Based Influenza Vaccines (Brett Leav); R&D Cell Based Influenza Vaccines (Deborah Molrine); R&D Clinical Business Operations (Christian DiDio); R&D Clinical Compliance & Training (Roberta Duncan (Inherited)); R&D Clinical Development (Jonathan Edelman); R&D Clinical Development, BOSS-CC (Roberta Duncan); R&D Clinical Operations (Veronica Suarez (Inherited)); R&D Clinical Operations Pandemic (Mary Smith); R&D Clinical Operations Pandemic (Mirjam van Huffelen (On Leave)); R&D Clinical Operations Pandemic (Mirjam van Huffelen); R&D Clinical Operations Seasonal (Olivia Crayne); R&D Clinical Safety & Pharmacovigilance (James Milligan); R&D Clinical Safety & Pharmacovigilance (Russell Basser); R&D Clinical Safety & Pharmacovigilance (Sylvie Tomczyk); R&D Clinical Vaccine Management & Serology (Francesco Bedani); R&D Data Management, Coding & Standards (Renate Verbeeten - van Hoof); R&D Data Management, Coding & Standards (Renate Verbeeten-van Hoof); R&D Development Liverpool (April Sena); R&D Epidemiology (Mendel Haag); R&D Finance (Eleanor McQuisten); R&D Finance (Emma Walsh); R&D Formulation & Delivery (HUI LIU); R&D Formulation & Delivery (Hui Liu); R&D Global CMC Standards & Harmonisation (Rima Youil); R&D Global CMC and Compliance (Michele Fischer Heintz); R&D Global CMC and Compliance (Michele Heintz); R&D Global Medical Affairs (Gregg Coveney Sylvester); R&D Global Medical Affairs (Gregg Sylvester); R&D Global Strategic Labelling (Helen Cowdery); R&D Human Resources (Andrea Resch (Inherited)); R&D Human Resources (Kimberly Golden); R&D Human Resources (Paula Foord); R&D Human Resources MBR (Andrea Resch); R&D IT Solutions (John Cornelius); R&D Immunology (Gillis Otten); R&D Immunology (Gillis Robert Otten); R&D Influenza Vaccines Pandemic (Matthew Hohenboken); R&D Influenza Vaccines Seasonal (Esther Heijnen); R&D Influenza Vaccines Seasonal (Igor Smolenov); R&D Influenza Vaccines Seasonal (Jonathan Edelman (Inherited)); R&D JAPAN (Haruo Kitado); R&D Licensing (Andrea Huggins); R&D Medical Affairs, Americas (Ashesh Gandhi); R&D Medical Affairs, Americas (Ashesh J Gandhi); R&D Medical Affairs, Canada (Ashesh Gandhi (Inherited)); R&D Medical Affairs, Europe (Sankarasubramanian Rajaram); R&D Medical Affairs, Influenza (Karita Ambrose); R&D Medical Affairs, Rapivab (Daniele Gelone); R&D Medical Communications, US (Nancy Dougherty); R&D Medical Science Liaison Canada (James Mansi); R&D Microbial & Molecular Biology (Pirada Suphaphiphat); R&D Operations - Influenza (Denis Thomas); R&D Operations - Influenza (Lynda Allan); R&D PM Leadership (Nancy Fetrow); R&D PV Compliance & Excellence (Liz Pound); R&D Pharmacovigilance Operations (Jefferson Guillon); R&D Pharmacovigilance Operations (Lynn Gabb); R&D Pharmacovigilance Operations (Sylvie Tomczyk (Inherited)); R&D Pharmacovigilance and Risk Management (Maria Maddalena Lino); R&D Process Development BMW (Karl McCann); R&D Process Development BMW (Per Hansen); R&D Process Science Liverpool (Kulwinder Banger); R&D Project Management (Julie Waterbury); R&D Project Management - BRN (Michael Exner); R&D Project Management Development Projects (Nancy Fetrow); R&D Project Management Qvax, Patch, Research (Heather Davis (Inherited)); R&D Project Operations (David Leacy); R&D Protein Biochemistry (Changkeun Lee); R&D Protein Biochemistry (Yingxia Wen); R&D QA Systems (Karen Gard''ner (Inherited)); R&D QA Systems (Liz Pound); R&D QA Systems (Sarah S Lemons); R&D Quality (Karen Gard''ner); R&D Quality (Kendra Bossio); R&D Quality Management (Georgina Dimovski); R&D Quality Management (Jackie Desengano); R&D Quality Management (Jonathan Wooley); R&D Quality Management (Malcolm Tipping); R&D Quality Management (Mandy Jergovic); R&D Quality Management (Mary Nasopoulos); R&D Quality Management (Matthew Dickie); R&D Quality Management (Vicky Lioutas); R&D Quality Management Kankakee (Chris Lubben); R&D Quality Management Marburg (Ariane Korzen); R&D Quality Management Marburg (Ingo Brand); R&D Quality Marburg 1 (Rainer Kufka); R&D Regulatory Affairs (Susan Cameron-Laxton); R&D Regulatory Affairs Adjuvents (Hs-yen Liu); R&D Regulatory Affairs Adjuvents (Hs√º-yen Liu); R&D Regulatory Affairs Seasonal EMEA (Dalila Dolfi); R&D Regulatory Affairs US Cell-Based Products (Yael Johnson); R&D Regulatory Affairs US Pandemic (Natasha Getz); R&D Regulatory Affairs, EMEA (Monica Pagni); R&D Regulatory Affairs-US (Debbie DeMuria); R&D Regulatory Affairs-US (Kevin Darryl White); R&D Regulatory Affairs-US (Susan Cameron-Laxton (Inherited)); R&D Regulatory Affairs-US -Cambridge (Peggy Charpie); R&D Research (Ethan Settembre); R&D Research Executive Admin-Cambridge (Jane Davis); R&D Research Strategy & Operations (Rebecca Servais); R&D Serology (Giuseppe Palladino); R&D Site Management & Monitoring US/EU (Veronica Suarez (Inherited)); R&D Statistics & Data Management (Leah Isakov); R&D TD Analytical Process Testing (Tanya Riggins Clemmer); R&D TD Analytical & Drug Product Development (Dan Speelman); R&D TD Analytical (Ying Zhang); R&D TD Analytical Biochemistry (Tanya Clemmer); R&D TD Analytical Biophysical (Jiang Qian); R&D TD Analytical Cell & Molecular (Prakash Koodathingal); R&D TD Analytical Immunoanalytics (Jesse Bodle); R&D TD Analytical Immunoanalytics (Kiki Vukanovska); R&D TD Analytical Method Development I (Bryan E Hart); R&D TD Analytical Method Development I (Bryan Hart); R&D TD Analytical Method Development II (Dan Speelman); R&D TD Analytical Process (Lan Feng); R&D TD Analytical Process Testing (Tanya Clemmer); R&D TD Analytical Process Testing (Tanya Riggins Clemmer); R&D TD Analytical Separation Science (Prakash Koodathingal (Inherited)); R&D TD BPD Drug Product (Lan Feng); R&D TD BPD Product Expertise (Rochelle Bazemore); R&D TD BPD Project Management & Lab Operations (Perciliz Ahern); R&D TD BPD Purification Development (Christopher Dadd); R&D TD BPD Purification Development I (Debbie Lydiard); R&D TD BPD Upstream (Ryan Thurston); R&D TD BPD Upstream Cell Culture Development (Leslie McSweeney); R&D TD Biologics Process Design (Keith Kulowiec); R&D TD Clinical Trial Manufacturing (Keith Kulowiec (Inherited)); R&D TD Downstream Labs (Debra Lydiard); R&D TD Product Expertise (Rochelle Bazemore); R&D TD Project Manager (Lourdes Barnes); R&D TD Project Manager (Perciliz Ahern); R&D TD Purification Development (Christopher Dadd); R&D TD Purification Development HS (Christopher Dadd (Inherited)); R&D TD Purification Development HS (Debbie Lydiard); R&D TD Purification Development HS (Debra Lydiard); R&D TD Purification Development HS (Matthew Brian Smith); R&D TD Technical and Business Services (Katherine Whitley); R&D TD Technical and Business Services (Keith Kulowiec (Inherited)); R&D TD VICE Core Virology (Christine Wadey); R&D TD VICE Core Virology Holly Springs (Christopher Gully); R&D TD VICE Core Virology Holly Springs Commercial (Charles McGee); R&D TD VICE Core Virology Parkville Seed Development (Brad Dickson); R&D TD VICE Core Virology Parkville Seed Development (Lynda Allan); R&D TD VICE Molecular Virology (Catherine Agius); R&D TD VICE Molecular Virology (Chi Ong); R&D TD VICE Molecular Virology Hybridoma & Microscopy (Erin Verity); R&D TD VICE Molecular Virology Hybridoma (Kirsten Vandenberg); R&D TD VICE Molecular Virology Microscopy (Stephen Asquith); R&D TD Virology & Cell Culture (Avishek Nandi); R&D TD Virology & Cell Culture (Ryan Thurston); R&D TD Virology & Cell Culture Sub-Group II (Gwen Truong-Royce); R&D TD Virology & Cell Culture Sub-Group II (Ryan Thurston (Inherited)); R&D TD Virology & Cell Culture Sub-Group III (Leslie McSweeney); R&D TD Virology & Cell Line Sub-Group I (Christopher Gully); R&D TD Virology & Cell Line Sub-Group I (Christopher Patrick Gully); R&D TD Virology & Immunology (Steven Rockman); R&D Technical Development (Ambarish Shah); R&D Technical Development (Russell Basser (Inherited)); R&D Technical Development (Russell Basser); R&D Technical Development (Scot Shepard); R&D Technical Development, Analytical & Drug Product Development (YING ZHANG); R&D Technical Development, Analytical & Drug Product Development (Ying Zhang); R&D Technical Development, Holly Springs (Keith Kulowiec); R&D Technical Development- Holly Springs (April Sena); R&D Technical Operations BMW (Germano Coppola (Inherited)); R&D Technical Operations BMW (Norm Mancuso); R&D Technology Transfer Marburg (Falk Weihmann); R&D Toxicology (Ethan Settembre (Inherited)); R&D Transplant TA (Laurie Lee); R&D and Capital Controlling (Stephan Ludovici); R&D eClinical Technology (John Edward Cornelius); R&D/ G&A Business Partners (Ken Lim (Inherited)); RA CMC & Compliance (Ana Moisidis); RA CMC & Compliance (Pete Campbell); RA CMC & Compliance (Sahra Zanetti); RA CMC Liverpool (Joanne Beighton); RA, China (Jeep Wang ????); RCB MBR Central Lab (Annette Feussner); RCB MBR Central Lab (Helene Lang); RCB MBR Central Lab (Maria Hauswald); RE Services (Dianne Leppanen); REC 1 (Marco Hofmann); REC 2 (Philipp Claar); REC 3 (Holger Lind); REC Gene Therapy (Bala Sai Sundarasetty); REI Europe (Samuel Hou); RI Research & Innovation (Thomas Nowak); RI ¬ñ Research & Innovation (Thomas Nowak); RPL PTI (Hans Raess); RSO, RQO and RA Emerging Markets (Dirk Hoheisel (Inherited)); Racine 065 (Carl L Hutton); Racine 065 ACM Area 1 (Nicole Robinson); Racine 065 ACM Area 2 (Lemina Billups); Racine 065 QA (Megan E Hoffman); Racine 065 QA (Megan Hoffman); Rainbow City 275 (Devyn Bryant); Rainbow City 275 ACM Area 1 (Sacashla Hampton); Rainbow City 275 ACM Area 2 (Ladricka Weatherspoon); Rainbow City 275 QA (Malcolm-Bryce Richbourg); Raleigh 231 (Derek Erhart (Inherited)); Raleigh 231 (Nathan Farcasin); Raleigh 231 ACM Area 1 (Joseph Jackson); Raleigh 231 ACM Area 2 (Deanna Anderson); Raleigh 231 QA (Braxton Summers); Rapid City 288 (Brendon Sato); Rapid City 288 ACM Area 1 (Brendon Sato); Rapid City 288 ACM Area 1 (Marc Sipma); Rapid City 288 ACM Area 2 (April Miller); Rapid City 288 QA (Buck Schiley); Raw Material Acceptance Chemistry (Michelle Reckerman); Raw Material Contro/lMonitoring (Dominic Wuest); Raw Material Control/Monitoring (Dominic Wuest); Raw Material Control/Monitoring 2 (Katrin Becker); Reception / Alarmsystem (Claudia Pereira-Buehler); Recombinant Coagulation R&D Manufacture (Steven Honey (Inherited)); Recombinant Operations Support (Vicky Pirzas (Inherited)); Recombinant Portfolio Team LGN (OLGA SARNOWSKA); Recombinant Portfolio Team MBR (Anne-Regine Herboth); Recombinant Product Development (Anthony Stowers); Recombinant Product Development, Marburg (Richard Alldread); Recombinant Product Development, Marburg R&D Operation and Services (Christian Schlachtbauer); Recombinant Product Development, Marburg Vector Development (Holger Laux); Recombinant Product Development-Pasadena (Andreas Gille); Recombinant Technologies Marburg (Peter Schmidt); Records & Reporting (Boris Kaiser (Inherited)); Records & Reporting (Caroline Roost); Records & Reporting (Ivan Poffet); Region 9 New Center Operations & Support (Amanda L Kitchen); Regional Demand Planning Europe (Lukas Limbach); Regional HR Ops AUS (Clare McCann); Regional HR Ops AUS (Miya Chiba); Regional HR Ops Americas (Mark Hickenbottom (Inherited)); Regional HR Ops Americas (Rita Gross); Regional HR Ops EMEA (Stephan Schufele); Regional HR Ops EMEA (Stephan Sch√§ufele); Regional HR Ops Europe (Stephan Sch√§ufele); Regional Head Americas (Kristin McCarthy); Regional Head Clinical Operations (Jacqui Cumming); Regional Head EU APAC (Mimi Ermens); Regional Innovation Operations (Carmon Kieffer); Regional Labeling (Barbara Peruche); Regional Labeling EU (Katrin Rdiger); Regional Labeling EU (Katrin R√ºdiger); Regional Labeling EU-INT (Katrin R√ºdiger); Regional Labeling INT (Irina Sviriaeva); Regional Labeling Lead, North America (Maricarmen Dilone-Raposo); Regional Medical Affairs Operations Manager (Andrew Stork); Regional Medical Affairs Operations Manager (Rosanda Buljubasic); Regional Procurement (Lucas Jinnette); Regional Quality Support for Eastern and Central Intercontinental Commercial Operations (Jonathan Imhof); Regional Safety Officer - ECI (Marta Puente); Regional Sales 1 (Fernando Marcos V Leony); Regional Sales 2 (Rafael Esteves); Regional Sales 3 (Claudia Bueno); Regional Sales Immunology & Respiratory (Heinrich Feischen); Regional Sales Mitte Hospital (Holger Milkereit); Regional Sales Office Berlin (Bernhard Czapla); Regional Sales Office Berlin (Claudia Bachmann); Regional Sales Office Bochum (Heinrich Feischen); Regional Sales Office Frankfurt (Holger Milkereit); Regional Sales Office Hannover (Michael Bernd Rode); Regional Sales Office Munich (Susanne Mller); Regional Sales Office Munich (Susanne M√∂ller); Regional Sales Office Ost Hospital (Frank Buttchereit); Regional Sales Office West Hospital (Ralf Kosmol); Regional Sales Ost Immunology & Respiratory (Claudia Bachmann); Regional Study Management, Americas (Danielle Dalton (Inherited)); Regional Study Management, Americas (Ross Watson (Inherited)); Regional Study Management-Americas (Ross Watson (Inherited)); Regional Supplier Qlty - Bern (Peter Stettler); Regional Supplier Qlty - Kankakee (Elizabeth Queiro); Regulat. Coordination Russia & CIS (Vsevolod Nikolaev); Regulat.-, Quality- & Safety Coord.EEMEA (Camilla Shen (Inherited)); Regulat.-, Quality- & Safety Coord.EEMEA (Christine Danila); Regulation Intelligence, Knowledge and Training (Sara Mesiano); Regulation, Training & Knowledge Sharing (Vicky Gakias); Regulatory (Haruo Kitado (Inherited)); Regulatory (Satoshi Koike - ); Regulatory (Satoshi Koike ??? ? - ??? ????); Regulatory Affairs & Lab Operations (Jon Knowles); Regulatory Affairs (Doris Friedl); Regulatory Affairs (Jane Wang ????); Regulatory Affairs (Joyce P Castaneda); Regulatory Affairs (Kate Burke); Regulatory Affairs AU/NZ Dev Prod BMW (Kellie Hooley); Regulatory Affairs AU/NZ (Gosia Kupczyk); Regulatory Affairs AU/NZ (Neama Baho); Regulatory Affairs AU/NZ Dev Prod BMW (Kellie Hooley); Regulatory Affairs Asia (Queenie Ho); Regulatory Affairs Benelux (Patrick Reygaert (Inherited)); Regulatory Affairs Benelux (Roel Mallants); Regulatory Affairs France (Christine Roche [C]); Regulatory Affairs France (Laurence Vidal); Regulatory Affairs Greece (Penelope Terentiou); Regulatory Affairs Italy (Roberto DeBenedetto); Regulatory Affairs MEA (Haydi Ibrahim); Regulatory Affairs Mgr Global Labelling Ops (Laura Vanzan); Regulatory Affairs Nordic (Elin Wobbeking); Regulatory Affairs Nordic (Ulf Hultquist (Inherited)); Regulatory Affairs Spain (Julian Fierro); Regulatory Affairs UK (Helen Watts); Regulatory Coordination Africa & EEU (S√©verine Caillet); Regulatory Coordination GLAD (Sverine Caillet); Regulatory Coordination GLAD (S√©verine Caillet); Regulatory Intelligence & Policy (Bettina Doepner); Regulatory Operations, Compliance and Business Excellence (Valeria Graffeo); Regulatory Operations, Compliance and Business Excellence - HS (Detra Bullock); Regulatory Reg. Lead NA EP (Baldevsinh Rana (Inherited)); Release Bulk & Filling (Joachim Leiss); Release FRAKT/ALB/Rho (Christine Peter); Release IG/CYT (Ines Joachim); Reno 502 (Susan Gonzalez); Reno 502 ACM Area 1 (Dwayne Majette); Reno 502 ACM Area 2 (Lauren Clapham); Reno 502 QA (Chermaene Mathis); Reporting & Planning (Konstantin Petropoulos (Inherited)); Reporting A-IFRS & German GAAP, Taxes (Angelika Godosar); Requalification & Stability (Angela Hamrock-Fox); Requalification & Stability (Ilija Najdovski); Requalification & Stability (Judith Kennedy); Research; Research & Clinical Bioanalytics (Bradley Sedgmen); Research & Clinical Bioanalytics (Kirstee Martin); Research & Clinical Bioanalytics (Marit Lichtfuss); Research & Clinical Bioanalytics (Meaghan FitzPatrick); Research & Development (Douglas Lee); Research & Development Bern (Liane Hoefferer); Research & Development Bern (Nathan Roth); Research & Development II (Norbert Schulze); Research (Adele Barr); Research (Adrian Zuercher (Inherited)); Research (Adriana Baz Morelli); Research (Alexander Karnowski); Research (Anabel Silva); Research (Andrew Hammet); Research (Andrew Nash); Research (Anne Verhagen (Inherited)); Research (Anne Verhagen); Research (Arna Andrews); Research (Brodie Miles); Research (Catherine Owczarek); Research (Chao-guang Chen (Inherited)); Research (Chao-guang Chen); Research (Con Panousis); Research (Eugene Maraskovsky); Research (Glenn Powers); Research (Greg Bass); Research (Hadi Lioe); Research (Helen Cao); Research (Ian Campbell); Research (Ineke Muir); Research (Ingela Vikstrom); Research (Ingrid Lonnstedt); Research (JANE ARTHUR); Research (Jason Simmonds); Research (Jenny Chia (On Leave)); Research (Jenny Chia); Research (Judith Field); Research (KOLJA SCHAALE); Research (Katherine Monaghan (On Leave)); Research (Katherine Monaghan); Research (Kerstin Emmrich); Research (Kirsten Edwards); Research (Larissa Provan); Research (Lidija Turkovic); Research (Mae-Xhum Wong); Research (Marco Weinberg); Research (Mark Biondo); Research (Mark Liddament (Inherited)); Research (Mark Liddament); Research (Martin Pearse); Research (Matthias Pelzing); Research (Mhairi Maxwell); Research (Michael Wilson (Inherited)); Research (Michael Wilson); Research (Michael Yan); Research (Milica Ng (Inherited)); Research (Milica Ng); Research (Natasha Pereira); Research (Nick Wilson); Research (Peter Schmidt); Research (Pierre Scotney); Research (Pino Maccarone); Research (RAJESH GHAI); Research (Rebecca Butcher); Research (Sabine Rauth); Research (Sandro Prato); Research (Saw Yen Ow); Research (Shirley Taylor); Research (Srikanth Budnar); Research (Steven Dower (Inherited)); Research (Steven Dower); Research (Steven Lee); Research (Victor Turnbull); Research (Walid Azar); Research (Wei Hong Toh); Research 1 (Hannah Chu); Research 1 (Mihee Kim); Research Bern (Adrian Zuercher); Research Bern Platforms (Christoph R√∂sli); Research Bio21 (Michael Wilson); Research Data Science (Milica Ng); Research I () (Wenting Zhao); Research I (Chao-guang Chen); Research II (Victor Turnbull); Research III (Mark Liddament); Research IV (Marco Weinberg); Research Innovation (Marthe D''Ombrain); Research Marburg (Thomas Weimer); Research Marburg Diverse (Thomas Weimer (Inherited)); Research Scientist - Bioinformatics (Monther Alhamdoosh); Research Therapeutic Area (Eugene Maraskovsky); Research and Clinical Bioanalytics (Allison Dyson); Research and Clinical Bioanalytics (Andreas Gille); Research and Clinical Bioanalytics (Anthony Roberts); Research and Clinical Bioanalytics (Elena Velkoska); Research and Clinical Bioanalytics (Kirstee Martin (Inherited)); Research and Clinical Bioanalytics (Kirstee Martin); Research and Clinical Bioanalytics (Roslyn Davis); Research and Clinical Bioanalytics (Tim Green); Research and Clinical Bioanalytics 1 (Lisa Lindqvist); Research and Development, China (Zak Huang); Research and Laboratory (Andrew Isaac); Research,Therapeutic Area C&M (Bronwyn Kingwell); Resp. Apprentices Bio Lab Techn. (Wim Etter); Respiratory TA (Heike Thiele); Results & Analysis (Jonathan Matty); Results & Analysis (Kenneth Walsh); Results & Analysis I (Jonathan Matty); Results & Analysis II (Jonathan Matty); Review IG/CYT (Armin St√∂cklin); Review IG/CYT (Thomas Kilchoer); Rhophylac (Andrea Stauffiger Eggli); Rhophylac Bulkmanufacturing (Andr Wegmueller); Rhophylac Bulkmanufacturing (Andr√© Wegmueller); Rhophylac Bulkmanufacturing 2 (Reto Stucki); Rialto 507 (Robert Ellison III); Rialto 507 QA (Derek Erhart (Inherited)); Risk & Mitigation Management (Malte Krmer); Risk & Mitigation Management (Malte Kr√§mer (Inherited)); Risk & Mitigation Management (Malte Kr√§mer); Risk & Project Management (Uli Kiefer); Riverside 299 (Iiemmaue Morgan); Riverside 299 QA (Anne Tran); Riviera Beach 115 (Martel Carter); Riviera Beach 115 (Nakia J Harlan); Riviera Beach 115 (Nedra N Braden); Riviera Beach 115 ACM Area 1 (Ethan Johnson); Riviera Beach 115 ACM Area 2 (JASON TRUMBACH); Riviera Beach 115 QA (Bill Angelucci); Riviera Beach 115 QA (Stalmore Duncan); Rochester 232 (Kay Schwartz); Rochester 232 (Lin Macaluso); Rochester 232 ACM Area 1 (Marissa Peterson); Rochester 232 ACM Area 2 (Michelle Draper); Rochester 232 ACM Area 2 (Michelle Horan); Rochester 232 QA (K.C. McCaffery); Rochester 232 QA (Karen Weatherston); Rock Hill 130 (Damon Lehr); Rock Hill 130 (Nicole M Adams); Rock Hill 130 ACM Area 1 (Ashley Pinckney); Rock Hill 130 ACM Area 2 (Brittney Joiner); Rock Hill 130 QA (Bianca M Brunson); Rock Hill 130 QA (Damon Lehr); Rock Island 426 (Josh Buzzell); Rock Island 426 ACM Area 1 (Chandler J Johnson); Rock Island 426 ACM Area 2 (James Rathmann); Rock Island 426 QA (Jennifer D Anthony); Rockford 200 (Kristi Davis); Rockford 200 (Sherylene A Lloyd); Rockford 200 ACM Area 1 (Kristi Davis (Inherited)); Rockford 200 ACM Area 1 (Kristy Carlson); Rockford 200 ACM Area 2 (Paul Crawford); Rockford 200 QA (Amanda Sawlsville); Rome 298 (Marida L Bivens); Rome 298 ACM Area 1 (Salvador Reyes); Rome 298 ACM Area 2 (Matt Comfort); Rome 298 QA (Samantha D Beach); Rome 298 QA (Stephanie D Shah (Inherited)); Roseville 077 (Charles LaVell Jacobs); Roseville 077 (Kourtney Davis); Roseville 077 ACM Area 1 (Charles LaVell Jacobs (Inherited)); Roseville 077 ACM Area 1 (Porsche M Goldsmith); Roseville 077 ACM Area 2 (Natalie King); Roseville 077 QA (Kayla D Lindley); Roseville 077 QA (Nichole M Clay (On Leave)); Roseville 077 QA (Nichole M Clay); Routine Systems (Martene Bond); Ruide Wuhan EHS&S (zcan Campinar); Ruide Wuhan Production (√ñzcan Campinar); Russia & CIS (Maria A Lituchaya); SAP Business Processes (Maike Pollaschek (Inherited)); SAP Business Processes (Maike Pollaschek); SAP Competency Center (Helen Baker); SAP Competency Center (Jonathan Turner); SAP Extended Warehouse Management (Riju Varghese); SAP Finance team (Jonathan Young); SAP Manufacturing Support Team (Manohar Venkataraman); SAP Master Data (Paul Aberson); SAP Quality / Logistics Team (Helen Baker (Inherited)); SAP Quality / Logistics Team (Matthew Gordon); SAP Service and Release (Martin Eldred); SAP Solution Center Bern (Mourad Boulanouar); SAP System Admin (John McCorry); SI Manufacturing (Jason Vaughn); SI Manufacturing (Samuel Jackson); SI Validation (Michael Donley); SI Validation (Robert Musgrave); STA Gruppe I (Claudia Schwab); STA Gruppe I (Stefanie Grafmller); STA Gruppe I (Stefanie Grafm√ºller); STA Gruppe II; STA Gruppe II (Susan Blaser); STA Stability (Manuel Wohde); STA Stability 2 (Barbara Gmann); STA Stability 2 (Barbara G√∂√ümann); STA Stability 3 (Gernot Kissel); STA Stability 4 (Svenja Nieba); STA Stability 5 (Milosz Krala); STA Stability 6 (Oliver Kupski); STA Stabilit√§t, QFP (Annette R√∂hrenbeck); STA Stabilit√§t, QFP (Barbara G√∂√ümann); STA Stabilit√§t, QFP (Christian Sinnen); STA Stabilit√§t, QFP (Gernot Kissel); STA Stabilit√§t, QFP (Julia Kufka); STA Stabilit√§t, QFP (Manuel Wohde); STA Stabilit√§t, QFP (Svenja Nieba); Safety (Alexandra Nogal); Safety (Allan Wise (Inherited)); Safety (Chris Meeks); Safety (Rolf Ingold); Safety (Steven Hull); Safety Risk Management (Max Waschbusch); Safety Risk Management (Pradeep Kumar Sahu); Safety Risk Management (Susan Welsh (Inherited)); Safety Risk Mgt (Alison Graves Jones); Safety Risk Mgt (Astrid Schneider); Safety Risk Mgt (Daphne Sawlwin); Safety Risk Mgt (Gabriele Neumann); Safety Risk Mgt (Joseph Whitten); Safety Risk Mgt (Kristy Van Dinther); Safety Risk Mgt 1.0 (Gabriele Neumann); Safety Risk Mgt 2.0 (Beate Greene); Safety Sciences (Haley Kaplowitz); Safety Systems Projects (JANET AUERBACH); Safety ¬ñ EU/APAC (J√ºrgen Kanand); Saginaw 169 (Amy Railling); Saginaw 169 (Ashley M Jamieson (Inherited)); Saginaw 169 (LC Davis); Saginaw 169 (Latosha Y Floyd (Inherited)); Saginaw 169 ACM Area 1 (TAYLOR GOODWINE (On Leave)); Saginaw 169 ACM Area 1 (TAYLOR GOODWINE); Saginaw 169 ACM Area 2 (Scott Walker); Saginaw 169 QA (Nicole Naji); Saginaw 282 (DaWanna Smith); Saginaw 282 ACM Area 1 (Genesha Curry); Saginaw 282 ACM Area 2 (Andrea Bragg); Saginaw 282 QA (Darren Hall); Salem 221 (Cory Vierck); Salem 221 (Paige N Zafran); Salem 221 (Timothy Freeland Jr (Inherited)); Salem 221 ACM Area 1 (Brandon D Biery); Salem 221 ACM Area 2 (Edward Baye); Salem 221 QA (Rachel R Maddox); Salem 221 QA (Timothy Freeland Jr (Inherited)); Sales & Marketing (Andrea Bennett); Sales & Marketing (Joe Dempsey); Sales & Marketing (Kaye Nolan); Sales & Marketing (Kirsten Comer); Sales & Marketing (Tanja Wells); Sales & Marketing Turkey (Ahmet Can Kalenderoglu); Sales & Private Accounts & Tender Office (Franco Gatta); Sales & Private Accounts & Tender Office (Massimo Leoni (Inherited)); Sales & Private Accounts & Tender Office (Massimo Leoni); Sales (Beata Szymanska-Czyz); Sales (Jorge L Gast√©lum (Inherited)); Sales (Jorge Marco); Sales (Markus Wenninger); Sales (Saul Ortiz Carrillo); Sales (Virgile Grosjean); Sales - CSL Behring Taiwan (Frank Ko ); Sales - CSL Behring Taiwan (Frank Ko ?????); Sales 2 (Claudia Sanchez); Sales 3 (Gema Gonzalez); Sales Benelux IG & CC (Marijke Maes); Sales Benelux IG & CC (Philip Vandromme); Sales Denmark / IC (Mette Toft Jacobsen); Sales Division (Izumi Yoshida ??? ??? - ??? ????); Sales Division (Toshio Nagata); Sales Division CAB Central Japan Area (Yoshifumi Umenaka); Sales Division CAB East Japan Area (Takahiro Tsuruta); Sales Division CAB West Japan Area (Akihiro Enomoto); Sales Division Critical Care & Acquired Bleeding T.A. (Hiroyoshi Iwamoto); Sales Division HEM East Japan Area (Atsuhiko Arikata); Sales Division HEM Kansai & Chubu Area (Shinichi Kano); Sales Division HEM Shutoken Area (Takayuki Takigawa); Sales Division HEM West Japan Area (Taisuke Miyakoshi); Sales Division Hemophilia TA (Hideki Yanagihashi ??? ?? - ????? ????); Sales Division Hemophilia TA (Takayuki Ishii); Sales Division IRD Central Japan Area (Takayuki Azuma); Sales Division IRD East Japan Area (Madoka Yamamoto); Sales Division IRD Kansai & Hokuriku Area (Takahiro Miura); Sales Division IRD Shutoken Area (Hironori Fujioka - ); Sales Division IRD Shutoken Area (Hironori Fujioka ??? ?? - ???? ?????); Sales Division IRD West Japan Area (Hiroki Nagayasu); Sales Division Immunology & Rare Diseases T.A. (Naoki Ikeguchi); Sales Division Kcentra Team (Tomokazu Shiroza); Sales Division SID T.A. Ig/Hematology Group (Izumi Yoshida ??? ??? - ??? ????); Sales Division SID T.A. Ig/Hematology Group (Kenichiro Yamaguchi - ); Sales Division Sales Planning & Wholesaler Management (Hideki Yanagihashi - ); Sales Division Sales Planning (Takayuki Ishii); Sales Division Sales Planning Wholesaler Management, Sales Admin (Hisako Sakoda); Sales Division Sales Planning,Sales Admin Group (Hisako Sakoda); Sales Division Tentative Team (Hiroyoshi Iwamoto); Sales Division Wholesaler Management Customer Support Team (Kyohei Yamamoto); Sales Division Wholesaler Management Distributor Team (Kyohei Yamamoto); Sales Finland (Sirpa Reimari); Sales Force Center (Flavio Di Pietro); Sales Force North (Paolo Francesco Corsi); Sales Force South West (Renato Monteleone); Sales France (Emmanuelle Massonie); Sales France (Franck Puget (Inherited)); Sales France (Karim Abassi); Sales Greece (Christos Fouskotis); Sales Hospital (Popp Gbor); Sales Hospital (Popp G√°bor); Sales Immunology & Coagulation (Kadar Attila); Sales Management Hemophilia (Michael Schulz (Inherited)); Sales Management Hemophilia (Michael Schulz); Sales Norway (Kjell Anker Worren); Sales Operations and Data (Chris Meyer); Sales Spain (Toni Par√©s); Sales Sweden (Nicklas Wallin); Sales Team Belgium (Marijke Maes (Inherited)); Sales Team Belgium (Philip Vandromme (Inherited)); Sales Team France (Emmanuelle Massonie (Inherited)); Sales Team France (Franck Puget (Inherited)); Sales Team France (Karim Abassi (Inherited)); Sales Team Netherlands (Marijke Maes (Inherited)); Sales Team Netherlands (Philip Vandromme (Inherited)); Sales Team UK (John Liam Boyle); Sales Team UK 2 (Nicky Whiteley); Sales Training Manager (Phil Hutton); Salt Lake 627 (Brooke A Neuroth); Salt Lake City 627 (Dave Lynn); Salt Lake City 627 (Marc D Fisher (Inherited)); Salt Lake City 627 (Nate Justet); Salt Lake City 627 ACM Area 1 (Michael E Forman); Salt Lake City 627 ACM Area 2 (Andrew V Lopez); Salt Lake City 627 ACM Area 2 (Ross R Fredrickson); Salt Lake City 627 QA (Allison M Davis); Sample Logistics (Brigitte Harris); Sample Management Quality Control (Christoph Wyss); Sample logistics (Christine Beyeler); Sampling (Lachlan McDonald); San Antonio 087 (Becca Charles); San Antonio 087 (Jennifer Martinez); San Antonio 087 ACM Area 1 (Kamala Yevetta Brown); San Antonio 087 ACM Area 2 (Aaron Thornton); San Antonio 087 ACM Area 2 (Kamala Yevetta Brown); San Antonio 087 QA (Alicia D Conner); San Antonio 157 (Sara A Anderson); San Antonio 157 (Sara Saleem); San Antonio 157 ACM Area 1 (Erika Gonzalez); San Antonio 157 ACM Area 2 (Crystal N Morton-Rollins); San Antonio 157 QA (Brenton Ferguson); San Antonio 157 QA (Nakia J Harlan); San Luis 158 (Javier Luna); San Luis 158 ACM Area 1 (Cristina Silva); San Luis 158 ACM Area 2 (Paulina Pena); San Luis 158 QA (MARA TAFOYA); San Luis 158 QA (Miguel Palomera); Sanitation (Union) (Adila Zaidi); Sanitation (Union) (Michael Memenga (Inherited)); Scanton 240 (Christopher Travalik (Inherited)); Schenectady 229 (Andrew Brammer); Schenectady 229 (Melissa Moore); Schenectady 229 ACM Area 1 (Renie Ball); Schenectady 229 ACM Area 1 (Ronald Cameron); Schenectady 229 ACM Area 2 (Karena Caraballo); Schenectady 229 QA (Sandy Nicholson); Schicht EMR (Gunthard Ludwig); Schicht EMR GH (Bjrn Krieg); Schicht EMR GH (Bj√∂rn Krieg); Schicht HW (Bjrn Krieg); Schicht HW (Bj√∂rn Krieg); Schicht HW (Christian Zeman); Schichtgruppe 1 ASQ (Marcus Heinzmann); Schichtgruppe 2 ASQ (Harald Ferber); Schichtgruppe 3 ASQ (Ruben Zinnkann); Schichtgruppe 3 ASQ (Svea Bieker); Schichtgruppe 4 ASQ (Gerhard Senftner); Scientist (Theresa Qiu); Scientist (Tony Cardno); Secondary Asset Care & Reliability (William Murphy); Secondary Automation (Muhammad Khan); Secondary Engineers (Calum Courtney); Secondary Manufacturing (Tristan Betson); Secondary Manufacturing Support Technicians (Gerard Lopez); Secondary PMO (Carrie O''Keeffe); Secondary PMO (Duncan Benson); Secondary Programmes (CARRIE OKEEFFE (Inherited)); Secondary Projects QA (Karen Marks); Secondary Projects Tech Transfer (Freddie Wayne West); Secondary Projects, Liverpool (CARRIE OKEEFFE); Secondary Projects, Liverpool (Carrie O''Keeffe); Secondary, Utilities and QC Validation (Joao Silva Acioli); Secretary ES (Montserrat Rey); Security CSL Behring Australia (Sharon Carroll); Security Manager 281 (Az Raonaq); Security Manager 281 (Chris Riley); Security Manager 281 (Nicholas Moody (Inherited)); Security Operations (Ganesha Rajanaidu); Security Operations (Ram Narasimman); Sen Ass QA Batch Release (Carol Youssef); Sen Ass QA Batch Release (Chris Graves); Sen Ass QA Batch Release (Nancy Manolitsas); Sen Ass QA Batch Release (Olivia Fisher (Inherited)); Sen Ass QA Batch Release (Olivia Fisher); Sen Ass QA Batch Release (Zareena Shaik); Sen Assoc Contin/Re-Validation (Robert Alvarez); Sen Assoc Validation Operation (Michelle Botterill); Sen Assoc Validation Operation (Nick Morgan (Inherited)); Sen Assoc Validation Operation (Nick Morgan); Sen Mgr QA Batch Release (Darren Moulton); Senior Associate QA Batch Release (Joanna Davis); Senior Associate QA Batch Release (Josie Lanza); Senior Associate QA Capability (Brett Pool); Senior Associate QA Capability (Marcela Rojas (Inherited)); Senior Associate QC Support (Jo Karra); Senior Director Manufacturing (Chris Larkins); Senior Electrical Engineer (Anthony Wrzesinski (Inherited)); Senior Electrical Engineer (Nicholas Hall); Senior Electrical Engineer (Stanislaw (Stan) Hudy); Senior Electrical Engineering Manager (Claro Pellosis); Senior HR Business Partner (Devon Anderson); Senior HR Business Partner (Sharon Davoli); Senior HR Business Partner (Sonia Georgesz); Senior HR Business Partner (Sonia Pititto); Senior Manager QA Capability (Marcela Rojas); Senior Manager Validation (Dina El-Emary); Senior Manager Validation (Michelle Botterill); Senior Manager Validation (Russell Ciliento (Inherited)); Senior Manager Validation (Shane Bourne); Senior Manager, Innovation R&D (Chi Ong); Senior Process Engineer (Robert Hemaya); Senior Process Manager - Utilities (Christiaan Theron (Inherited)); Senior Process Manager - Utilities (Christiaan Theron); Senior Process Manager, Supply Chain (Helen Malliaras); Senior Process Manager, Supply Chain (Lachlan Cruise (Inherited)); Senior Project Manager (Anthony Wrzesinski (Inherited)); Senior Project Manager (Brian Guilly); Senior Project Manager (Raoul Gorris); Senior Regulatory Affairs Manager (Ana Moisidis); Senior Scientist (Albert Garcia Minambres); Senior Scientist (Armando Alabella); Senior Scientist (Kiki Vukanovska (On Leave)); Senior Scientist (Kiki Vukanovska); Senior Scientist (Kim Steegh); Senior Scientist (Maria Panayi); Senior Scientist (Matthew Hardy); Senior Scientist (Sachiyo Nishio); Senior Scientist (Tom Murray-Rust); Senior Scientist Biacore (Bernadine Lu); Senior Scientist EM Unit (Stephen Asquith); Separatoren (Arnd Vollmerhausen (Inherited)); Separatoren (Erkan nder); Separatoren (Erkan √ñnder); Seqirus Head of Legal, Asia (Marcus De Alwis); Seqirus Ltd (Anjana Narain); Seqirus Ltd (Gordon Naylor); Seqirus Ltd (Stephen Marlow); Seqirus Ltd II (Gordon Naylor (Inherited)); Serialisation Operations and Projects (Michel Stritt); Serialisierung (Michel Mller); Serialisierung (Michel M√ºller); Serialization & Anti-Counterfeiting (Andrew John Robinson); Serialization & Anti-Counterfeiting (Warren Comerford (Inherited)); Serology Lab (Dan Thompson); Serology Lab - 1st Shift (Undrea W Jenkins); Serology Lab - 3rd Shift (Angela C Reynolds); Serology Lab - Weekend (Undrea W Jenkins (Inherited)); Service Management (Jim Towarnicki); Servicecenter Hemophilia (Axel Hochfeld); Shared Area Engineering (Marc Herbener); Shreveport 245 (Johnnie Williams); Shreveport 245 (Marcia Schels); Shreveport 245 ACM Area 1 (Demetricia Moore); Shreveport 245 ACM Area 1 (Edgar Rodriguez); Shreveport 245 ACM Area 2 (Matt Comfort); Shreveport 245 ACM Area 2 (Rashunda Dock); Shreveport 245 QA (Kaci Miller); Single Case Management & PhV Systems (Jessica Corrall (On Leave)); Single Case Management & PhV Systems (Jessica Corrall); Single Case Mgt & Phv Systems (Liz Pound); Single Case Mgt & Sy (Sabine H√§rtel (Inherited)); Single Unit Verification 1 (Kai Wlk); Single Unit Verification 1 (Kai W√∂lk); Single Unit Verification 2 (Norbert Vollmerhausen); Single Unit Verification 3 (Karl-Heinz Stelzig); Site Administration (Deborah Lynes); Site Engineering Services (Alex Elandt [C]); Site Engineering Services (Alex St√§hli); Site Lead project Eureka (Chris Camilleri); Site Lead project Eureka (Philip Elliott (Inherited)); Site Logistics (Daniel Schmidt); Site Logistics Production (Igor Kaucher); Site Management (Ross Watson); Site PMO (Karen Mitchell); Site Security (Az Raonaq); Site Security (Matthias Gnther); Site Security (Matthias G√ºnther); Site Security Switzerland (Julien Lischer); Site Supply Chain (Dennis Finger); Site- & Project-Management (Ferdinand Marx); Site- & Project-Management (Marko Witt); Site- & Project-Management (Rainer Herbener); Smryna 123 QA (Apple Grace Swindell); Smyrna 123 (Stephen Jefferson); Smyrna 123 ACM Area 1 (Venessa Lucio); Smyrna 123 ACM Area 2 (Travis Conner); Smyrna 123 QA (Apple Grace Swindell); Snr Assoc, QA Batch Release (Abha Patel); Snr Director Quality PKV530 (Milka Smoljko); Snr Mgr, Bus Effectiveness (Collette Makdissi); Snr Reg Advisor (David Plant); Snr Scientist Flu Innov (Kirsten Vandenberg); Snr Scientist Influ.Innov 275 (Catherine Agius); Snr.Scientist Flu Pilot Facil (Brad Dickson); Solid Organ Transplant Marketing (Courtney Wilson); Solutions Team Leader (Shona Moore); Source to Pay (Andrew Croft (Inherited)); Source to Pay (STP) (Dennis Martin); Sourcing (Brigitte Kimpel-Koch [C]); Sourcing (Frank Liesner); Sourcing (Jens Knoch); South America Sales Ops (Jean-Claude Andr√© (Inherited)); South Korea Operations (Ji-Young Sohn); South Milwaukee 140 (Cory Toellner (Inherited)); South Milwaukee 140 (Justin N Gronbach); South Milwaukee 140 (Kevin Labriola); South Milwaukee 140 ACM Area 1 (Cassandra J Cecka); South Milwaukee 140 ACM Area 2 (Shannon T Bardega); South Milwaukee 140 QA (Amy M Gebhardt); South Portland 256 (Cory Vierck); South Portland 256 ACM Area 1 (Kendra Howard); South Portland 256 ACM Area 2 (Cameron Clement); South Portland 256 QA (Mark Anderson); Southfield 070 (Lauren Jenkins); Southfield 070 (Marida L Bivens); Southfield 070 ACM Area 1 (Lori Daratony); Southfield 070 ACM Area 2 (Linda M Walker); Southfield 070 ACM Area 3 (Tiffany A Patton); Southfield 070 QA (Tamil Pettway (On Leave)); Southfield 070 QA (Tamil Pettway); Spartanburg 179 (Darrell Brotherton); Spartanburg 179 (Jose Pineda); Spartanburg 179 ACM Area 1 (Shaqueda Cariens); Spartanburg 179 ACM Area 2 (Krysten Evans); Spartanburg 179 AMQ (Jennifer Fox); Spartanburg 179 QA (Jennifer R Fox); Spartanburg 179 QA (Jose Pineda); Spartanburg 179 QA (Vernicia Smith); Spartanburg 179 QA (Victoria McIntyre (Inherited)); Specialist Area Bus Manager775 (Lisa Stewart); Specialist Area Business Manager (Katerina Kouridakis); Specialist Area Business Manager (Natasha Hutchison (Inherited)); Specialist Area Business Manager (Steve Carroll); Specialty HAE (Debbie Bensen-Kennedy (Inherited)); Specialty HAE (Joseph Chiao); Specialty Plasma (Phyllis Bressler); Specialty Plasma (Robert P Lawler (Inherited)); Spectroscopy and Elementary Analysis (Pierre-Harald Schmidt); Spectroscopy and Elementary Analysis (Stefan Wilka); Sphinx (Klara Cela); Sphinx II (Fynn Krieger); Spokane Main 621 (Adam Allred); Spokane Main 621 (Juli McConnell); Spokane Main 621 ACM Area 1 (Maurice V R Reed); Spokane Main 621 ACM Area 2 (Janette R Williams); Spokane Main 621 QA (Andee Leigh Schock); Spokane Valley 622 (Donna L King); Spokane Valley 622 (Ryan H Rettkowski); Spokane Valley 622 ACM Area 1 (Josh Kearney); Spokane Valley 622 ACM Area 1 (Ryan H Rettkowski (Inherited)); Spokane Valley 622 ACM Area 2 (Donna L King (Inherited)); Spokane Valley 622 ACM Area 2 (Juli McConnell); Spokane Valley 622 QA (Donna L King); Spokane Valley 622 QA (Rachel R Maddox); Springdale 268 (Justin Hampton); Springdale 268 ACM Area 1 (Devona D Williams); Springdale 268 ACM Area 2 (Ellie Kordooni); Springdale 268 QA (Karina G Campos); Springfield 285 (Quawan Dhom); Springfield 285 QA (Pari Patel); Springfield 492 (Amy L Pruitt); Springfield 492 (Tyler L Robinson); Springfield 492 ACM Area 1 (Carmen Gonzalez); Springfield 492 ACM Area 1 (Peter J Gouvas); Springfield 492 ACM Area 2 (Natalie N Williams); Springfield 492 QA (Marcie B Deal); Springfield 620 (Karen Aspinwall); Springfield 620 (Karen Hebbert); Springfield 620 ACM Area 1 (Karen Hebbert (Inherited)); Springfield 620 ACM Area 1 (Lisa M Meredith); Springfield 620 ACM Area 2 (Julia A Thompson); Springfield 620 QA (Becky D Clute); Sr. Clinical Program Manager Clinical Development (Anthony Ciliberto); Sr. Clinical Program Manager ¬ñ Clinical Development (Anthony Ciliberto); Sr. Clinical Program Mgr ¬ñ Clinical Development (Anthony Ciliberto); Sr. Scientist S''visor EM Unit (Ross Hamilton); St Louis 107 (Jimmy Williamson Jr); St Louis 107 (Robert Karbach); St Louis 107 ACM Area 1 (Ashli N Pinson); St Louis 107 ACM Area 1 (Jimmy Williamson Jr (Inherited)); St Louis 107 ACM Area 2 (Ashli N Pinson); St Louis 107 ACM Area 2 (Sentoria D Leonard-Brown); St Louis 107 QA (Sharica Ausler); St Louis 132 (Tiffany D Thurman); St Louis 132 ACM Area 1 (Chris Haley); St Louis 132 ACM Area 2 (Kevin S Neidinger); St Louis 132 ACM Area 2 (Tiffany D Thurman (Inherited)); St Louis 132 QA (Abby Hill); St Louis 132 QA (Jacob P Phillips); St Paul 180 (Darin L Bargsten); St Paul 180 ACM Area 1 (Cody A Patton); St Paul 180 ACM Area 2 (Brenda L Steffen); St Paul 180 QA (Amanda Peroutka (On Leave)); St Paul 180 QA (Amanda Peroutka); St Paul 180 QA (Holt Peterson (Inherited)); St Paul 416 (Scott Cantrell); St Paul 416 QA (Diego A Bastidas); Stability (Anita Jansen de Salazar); Stability (Jessica Mackellin); Stability (Jessica Parletta); Stability (Michel Baur (Inherited)); Stability (Rossana Amodeo); Stability Trials and Retention Samples (Chris O''Meara); Starting Materials Testing & Release (Simone Lang); State College 262 (Daniel LoCasale); State College 262 ACM Area 1 (Justin Nolan); State College 262 ACM Area 1 (Maria Garlick); State College 262 ACM Area 2 (Hunter Millward); State College QA 262 (TARA STYERS); State Government Affairs & Eastern Reg. (Karla White); Statistics & Data Management (Wilfried Meyers); Stellv. Center Manager (Andreas Gehrich (Inherited)); Stellv. Center Manager (Andreas Gehrich); Stellv. Center Manager (Annette Pernitzsch (Inherited)); Stellv. Center Manager (Annette Pernitzsch); Stellv. Center Manager (Claudia Habenicht (Inherited)); Stellv. Center Manager (Claudia Habenicht); Stellv. Center Manager (Damaris Kieckhfer (Inherited)); Stellv. Center Manager (Damaris Kieckh√∂fer (Inherited)); Stellv. Center Manager (Heike Borchert (Inherited)); Stellv. Center Manager (Kirsten Scheibel (Inherited)); Stellv. Center Manager (Kirsten Scheibel); Stellv. Center Manager (Natascha Bock (Inherited)); Stellv. Center Manager (Natascha Tappendorf); Stellv. Center Manager (Stephani Keltsch); Stellv. Center Manager (Sven Schuhmann (Inherited)); Stellv. Center Manager (Sven Schuhmann); Stellvertretender Labormanager (Astrid Mather (Inherited)); Sterile Filling AlbuRx (Hai Tran); Sterile Filling AlbuRx (Jennifer Tang); Sterile Filling AlbuRx (Mason Briner (Inherited)); Sterile Filling AlbuRx (Mason Briner); Sterile Filling AlbuRx (Matthew Donegan); Sterile Filling AlbuRx (Nina Djordjevich); Sterile Filling AlbuRx (Paolo Robillos); Sterile Filtration (Jakob Locher); Sterility (Anja Djordjevich); Sterility (Denise Vella (Inherited)); Sterility (Johanna Mock); Sterility (Nicole Magno); Sterility (Sabrina Desiree Sann); Sterility Assurance Monitoring & Trending (Marika Moore); Sterility Assurance (Barbara Moser); Sterility Assurance (Boo Pit Tan); Sterility Assurance (Craig Stephens (Inherited)); Sterility Assurance (Darla Erman); Sterility Assurance (Jessica Kay); Sterility Assurance (Meena Shakaib); Sterility Assurance (Peter Major); Sterility Assurance (Richard Hughes); Sterility Assurance (Robert O''Malley); Sterility Assurance (Tyson Parker); Sterility Assurance ¬ñ Monitoring & Trending (Marika Moore); Sterling Heights 164 (Kayla J Allen); Sterling Heights 164 (Shauna Douglas); Sterling Heights 164 ACM Area 1 (Zack Hyso); Sterling Heights 164 ACM Area 2 (Shauna Douglas (Inherited)); Sterling Heights 164 ACM Area 2 (Shauna Douglas); Sterling Heights 164 QA (Elijah J Wilson); Sterling Heights 164 QA (JoJo Sobjack); Stone Mountain 119 (Antonia Geiselmayr); Stone Mountain 119 (William A Voltz); Stone Mountain 119 ACM Area 1 (Milaine Clairvil); Stone Mountain 119 ACM Area 2 (Derrick Barnes); Stone Mountain 119 QA (Marketa D Goodwin (On Leave)); Stone Mountain 119 QA (Marketa D Goodwin); Storage-Virtualization-DR (Ali Bakhtiar); Storage/Virtualization/DR (Ali Bakhtiar); Strat Project Portfolio & Op Excellence (Michael Schrder (Inherited)); Strategic Analytics & Pricing (Paul Jens); Strategic Analytics (Manish Srivastava); Strategic Expansion Projects (Robyn Elliott); Strategic Indirect Sourcing (David Pauli); Strategic Initiatives (Matt Shapiro); Strategic Initiatives ENG (Dilip I Raval); Strategic Initiatives ENG (Gene Bohn); Strategic Project Portfolio and Operational Excellence (Gil Rochat); Strategic Project Portfolio and Operational Excellence (Martin Schaeren (Inherited)); Strategic Sourcing (Benjamin Fruin); Strategic Sourcing Capex & MRO Sourcing (Jos Maldonado); Strategic Sourcing Capex & MRO Sourcing (Jos√© Maldonado); Strategic Sourcing Capex & MRO Sourcing (Paul Addis (Inherited)); Strategic Sourcing Capex/MRO MBG (Bernd Mhling); Strategic Sourcing Capex/MRO MBG (Bernd M√ºhling); Strategic Sourcing Direct (Martin Grossmann); Strategic Sourcing Direct Packaging, Devices, Containers, Closures, R&D (Benjamin Fruin); Strategy & Business Development (Alan Wills (Inherited)); Strategy & Business Development (Alan Wills); Strategy & Business Development (Andrea Douglas); Strategy & Business Development (Bev Menner); Strategy & Business Development 2 (Stephanie Read); Strategy & Innovation (Ken Lim); Studium Plus (Carmen Walldorf (Inherited)); Studium Plus (Doris Nake (Inherited)); Study File Management (Elizabeth Petersen); Study Operations (3) (William Karich); Study Operations (Christa Lewiski); Study Operations (Janis Witzleb); Study Operations (Lyndah Oswald - Okebata); Superior PTH Vorbehandlung 3 / Abfllung 3 H069 (Adam Krajewski); Superior PTH Vorbehandlung 3 / Abfllung 3 H069 (Frank Gerhard Grger); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Adam Krajewski); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Frank Gerhard Gr√∂ger); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Sylvia Kauf); Supervisor (Andreas Gehrich (Inherited)); Supervisor (Andreas Gehrich); Supervisor (Annette Pernitzsch (Inherited)); Supervisor (Annette Pernitzsch); Supervisor (Claudia Habenicht (Inherited)); Supervisor (Claudia Habenicht); Supervisor (Damaris Kieckhfer (Inherited)); Supervisor (Damaris Kieckh√∂fer (Inherited)); Supervisor (Heike Borchert (Inherited)); Supervisor (Kirsten Scheibel (Inherited)); Supervisor (Kirsten Scheibel); Supervisor (Natascha Bock (Inherited)); Supervisor (Natascha Tappendorf); Supervisor (Stephani Keltsch); Supervisor (Sven Schuhmann (Inherited)); Supervisor (Sven Schuhmann); Supplier Management (Bill Chambers); Supplier Management (Ivo Kreyenbuehl); Supplier Quality Management (Allen F Coleman); Supplier Quality Management (Justin K Zajc); Supplies, Liverpool (Stephen Magill [C]); Supplies, Liverpool (William Helsby); Supply & Logistics (Avril Lam); Supply & Logistics (Winnie Yau); Supply Chain (Anita Erber); Supply Chain (Boris Kaiser); Supply Chain (Rick Gibson); Supply Chain Business Process (Wolfgang Schneider); Supply Chain External Manufacturing (Stuart Summers); Supply Chain Finance (Kiran Duhra); Supply Chain Liverpool (James Monaghan); Supply Chain Maidenhead (Ian Dick); Supply Chain Management (Cameron Barrett); Supply Chain Management (Michael F Deem); Supply Chain Management (Ryoichi Imamura); Supply Chain Mgt & Operational Planning (Robert P Lawler); Supply Chain Mgt (Mischa Moeckli); Supply Chain Planning & Inventory Management (Kevin L Robards); Supply Chain Planning (Cheryll McLeod); Supply Chain Planning (David McClure); Supply Chain Planning (Ratana Lim); Supply Chain Planning (Serge Marques); Supply Chain Planning (Sharon Gough); Supply Chain Planning (Unni Nair); Supply Chain QA (Andrew Norman); Supply Chain Services (Dennis Finger); Supply Chain Services (Grant Gaddis); Supply Chain Services (Kelly L Konemann (Inherited)); Supply Chain Services (Kelly L Konemann (On Leave)); Supply Chain Services (Kelly L Konemann); Supply Chain Services (Maike Pollaschek); Supply Chain Services (Tamara Huber); Supply Chain Systems (Sean Flannery); Supply Chain, PKV (Lachlan Cruise); Support & Hygiene Produktion (Monika Krebs); Support & Nebenanlagen (Florian Damm); Support (Arnd Vollmerhausen (Inherited)); Support (Benjamin Grn); Support (Benjamin Gr√ºn); Support (Bernd Zimmermann); Support (Heiko Jucknat); Support und Admin Medical Department (Martina Witzer); Sustain and Improve PTI Americas (Austin Newsom); Syracuse 196 (SILVIO VONA); Syracuse 196 ACM Area 1 (Kristina Deonarine); Syracuse 196 ACM Area 2 (Timothy Ray); Syracuse 196 QA (Matthew McHale); System Support (Magan Lai); System Validation and Implementation (Marquita Moore); TA Coag, Critical Care & Cardiovascular (Susan Welsh (Inherited)); TA Coagulation & Acquired Bleeding, Global Clinical R&D (Andres Brainsky); TA Development PM Group (Joanne Uhl); TA Immunology (Susan Welsh (Inherited)); TA Support (Anjani Advani); TDD (Technical Development & Documentation) (Patrick Gregory); TEC-Testentwicklung Chemie (Kerstin Nske); TEC-Testentwicklung Chemie (Partho Halder); TRICC (William Mezzanotte (Inherited)); TRICC - Therapeutic Area II (Marc Uknis); TRICC II (Mikhail Rojavin); TRICC II (Orell Mielke); TRICC III (Iris Jacobs); TRICC III (Maria Gasior); TRICC Therapeutic Area (Mittie Doyle); Talent Acquisition (Daphne Wong); Talent Acquisition (Ivan Dokoza); Talent Acquisition (James Telfer (Inherited)); Talent Acquisition (Priya Dinkar); Talent Acquisition - APAC (James Telfer); Talent Acquisition - APAC (Lisa Edwards); Talent Acquisition - Americas (Andrew Lewis); Talent Acquisition - EMEA (Elena Kharlamova); Talent Acquisition - Europe (Peggy Klein); Talent Acquisition - Plasma (Tracey Lambalot); Talent Acquisition - Plasma (Tracey Lambalot) (Tracey Lambalot); Talent Acquisition AUS (Angela Bellenger); Talent Acquisition and Talent Management (Beth Thomas); Talent Development (APAC) (Kathy Sacca); Talent Development (Eveline Wuethrich); Talent Development Apprenticeship (Anja K√§ser); Talent Development North America (Ll''Rae Robinson); Talent Management & Acquisition (Brian Fehrer); Talent Management & Acquisition (Elizabeth Walker (Inherited)); Talent Management AU (Raechel Gray); Talent Programs & Analytics (Brian Fehrer (Inherited)); Talent Programs & Analytics (Mary Schnackenberg); Talent Programs & Analytics (Sarah Peacey); Tallahassee 211 (Andria Logan); Tallahassee 211 QA (Lori Carlson (Inherited)); Tallahassee 211 (Andria Logan); Tallahassee 211 ACM Area 1 (Andria Logan (Inherited)); Tallahassee 211 ACM Area 1 (Brooklyn Williams (On Leave)); Tallahassee 211 ACM Area 2 (Brenda B Williams); Tallahassee 211 ACM Area 2 (Michelle Davenport); Tallahassee 211 QA (Lori Carlson (Inherited)); Tallahassee 211 QA (Mechelle Robinson); Tallahassee 211 QA (Mychal A Reynolds); Tampa 109 (Elizabeth Lam); Tampa 109 (Michelle K Natalie); Tampa 109 ACM Area 1 (Leah J Davis); Tampa 109 ACM Area 2 (Amber S Goodwine); Tampa 109 ACM Area 2 (Carolyna Perez); Tampa 109 QA (Joseph Rivera (On Leave)); Tampa 109 QA (Joseph Rivera); Tampa 109 QA (Michelle K Natalie); Tax (James Smith); Tax Compliance (Mark Murtaugh); Taylor 240 (Joe Korea); Taylor 240 ACM Area 1 (Joe Korea (Inherited)); Taylor 240 ACM Area 1 (Nicki Nguyen); Taylor 240 ACM Area 2 (Dion Dippel); Taylor 240 ACM Area 2 (Joe Korea (Inherited)); Taylor 240 QA (Wendy MacConnell); Team 1 (Christian Schubert); Team 1 (Jrg Dennis Issel); Team 1 (J√∂rg Dennis Issel); Team 1 (Michael Welsch (Inherited)); Team 1 (Veronika Chernov); Team 10 Verpackung (Petra Eversberg); Team 10 Verpackung (Petra Sch√§fer (On Leave)); Team 10 Verpackung (Petra Sch√§fer); Team 10 Verpackung (Rosemarie Rdding); Team 2 (Aytac Akin); Team 2 (Michael Welsch (Inherited)); Team 2 (Silke Oppermann); Team 3 (Michael Welsch (Inherited)); Team 3 (Thomas Grhning); Team 3 (Thomas Gr√§hning); Team 3 (Waldemar Kliwer); Team 4 (Erwin Gordzielik); Team 4 (Michael Welsch (Inherited)); Team 5 (Ludwig Heckmann); Team 5 (Michael Welsch); Team 6 (Karl-Hermann Sprenger); Team 7 (Pavlina Weninger); Team 7 (Thomas Fieber); Team 8 (Andreas Rastschewski); Team 8 (Mara Saglam); Team 8 (Melvin Scruggs); Team 9 (Eugen Rogosin); Team 9 (Igor Kaucher); Team Buffer Preparation (Dirk Michel); Team DSP I (Heiko Jucknat); Team HVAC (Michael Hillmann); Team Kalibrierung (Thomas Kniepper); Team Leader - Imp & Compl (Kathy Theodorakis); Team Leader - AFF/ZN 444 (Chas Chalker); Team Leader - AFF/ZN 444 (Remon Hemaya); Team Leader - DS 444 (Hieu Tran); Team Leader - Imp & Compl (Kathy Theodorakis); Team Leader - Inac 444 (Margarita Mejia); Team Leader - Packaging - 451 (Anthony Lane); Team Leader - Packaging - 451 (Anthony Lane); Team Leader - Plnt & Srv 444 (Darren McKean); Team Leader - QC Microbiology (Kerry Lincoln); Team Leader - Sterility Assurance (Jon Wong); Team Leader - Validation (Kylie Prendergast); Team Leader Animal Services (Anne Hageman); Team Leader Change Mgmt - Prod (Marcus O''Dwyer); Team Leader Change Mgmt - Prod (Paul Williams); Team Leader Formulation B 454 (David Moulsdale); Team Leader I PHAD I (Tobias Heck); Team Leader II PHAD I (Patric Sallin); Team Leader Prod Support - DS (Jeffrey Gan); Team Leader Prod Support - DS (Jeffrey Spicer); Team Leader Prod Support - MD (Jeffrey Gan); Team Leader Prod Support - MD (Stuart Jones); Team Leader Production Support (Denise Bertram); Team Leader Production Support (Elaine Feely (Inherited)); Team Leader Upstream-Harv 444 (Ibrahim Ozerim); Team Leader Upstream-Inoc 444 (Craig Byham); Team Mechanik (Christoph Freiling); Team Mechanik (Gerd Pendzialek); Team PBF (Thorsten May); Team PBF 1.0 (Maikel Bamberger); Team PTE (Stefan Rees); Team Purification I (Carsten Meyer (Inherited)); Team Purification I (Heiko Jucknat (On Leave)); Team Purification I (Heiko Jucknat); Team Purification II (Selcuk Ayan); Tech Dev Ops QA (Monica Rose); Tech Support Potency Testing (Julia Hainbach); Tech Support Potency Testing (Reinhard Paul); Tech Transfer (Samantha Gakias); Tech Transfer D820 (Ming Chong); Tech Transfer Projekt Management Team (Nina Walser); Technical Development (Lynda Allan); Technical Learning & Development (David P Monte); Technical Learning & Development 1 (Amy Jackson); Technical Learning & Development 2 (Ann Lescher); Technical Operations (Fuad Haddadin); Technical Operations (Michele Himmelspach (Inherited)); Technical Operations - Investigations (Tino Boss); Technical Operations - Small Scale (Janine Bash); Technical Operations I (Daniel Knack); Technical Operations I (Veronica Lopez); Technical Operations II (Becca Huebsch); Technical Operations II (Raghav Oberoi); Technical Operations III (Inga Breitwieser); Technical Operations III (Wilfried Wormsb√§cher); Technical Operations IIa (Jan Schwichtenberg); Technical Operations IV (Katrin Maria Sander); Technical Projects (Wendy Turner); Technical Services (Juerg Clavadetscher); Technical Services, Influenza Operations (Bill Cracknell); Technical Services/FM (Beat Meyer); Technikteam Labore (Stephan Lw); Technikteam Labore (Stephan L√∂w); Technischer Service (Lothar Klingelhfer); Technischer Service (Lothar Klingelh√∂fer); Technology Transfer (Jesse Richter); Teilbereichsleiter Abfllung (Stefan Peil); Teilbereichsleiter Abf√ºllung (Stefan Peil); Tempe 048 (Terry M Young); Tempe 048 ACM Area 1 (Samuel V Grijalva); Tempe 048 ACM Area 1 (Trina L Bryant); Tempe 048 ACM Area 2 (Sonya L Nigh); Tempe 048 QA (John Son); Tempe 048 QA (Melissa M Martinez); Tempe 427 (Daniel I Villegas (Inherited)); Tempe 427 (Patrick S Taylor); Tempe 427 ACM Area 1 (Kelly L Ortega); Tempe 427 ACM Area 2 (Jennifer Valenciano); Tempe 427 QA (Daniel I Villegas); Tempe 427 QA (Kellie N Buecker); Tempe 427 QA (Tiffanie Contreras); Temple 260 (Kimm Klisiewicz); Temple 260 ACM Area 1 (Moses Olukere); Temple 260 ACM Area 1 (Sarah Gaines); Temple 260 ACM Area 2 (Michael Martinez); Temple 260 QA (Cayley Eppler); Temple 260 QA (Kellie N Buecker); Temple Terrace 252 (Stephanie Frye); Temple Terrace 252 ACM Area 1 (Michelle Briseno); Temple Terrace 252 ACM Area 1 (Monica Miller); Temple Terrace 252 ACM Area 2 (Janette J Pierre); Temple Terrace 252 QA (Caitlin Shoemaker); Temple Terrace 252 QA (Joel Gallegos); Terre Haute 265 (Daniella Miller); Terre Haute 265 (Tara Goebel); Terre Haute 265 ACM Area 1 (Tara Goebel); Terre Haute 265 ACM Area 2 (Tracy Robinson); Terre Haute QA 265 (Sherri A Suttles); Testing Laboratory (Maruthi Shivananda); Therapeutic Area Clinical Ops (Bruce Wynne); Therapeutic Area Clinical Ops I&N (Ann-Marie Hulstine); Therapeutic Area Critical Care (Hartmut Landgrebe); Therapeutic Area Medical Evaluation (Nataliya Doliba); Therapeutic Area Medical Evaluation 1 (Nataliya Doliba); Therapeutic Area Medical Evaluation Lead (Kaniez Baig); Tokyo Yamanashi Area (Yoshifumi Umenaka); Toledo 175 (Steve Sparks); Toledo 175 ACM Area 1 (Kevin Connelly); Toledo 175 ACM Area 2 (James Carroll); Toledo 175 QA (Aarsalaan Semna); Toledo 175 QA (April Tyler); Toledo 223 (Debra Purney); Toledo 223 ACM Area 1 (Jeffery Eagle); Toledo 223 ACM Area 2 (Debra Purney); Toledo 223 ACM Area 2 (Heather Marshall); Toledo 223 QA (Christopher Travalik (Inherited)); Toledo 223 QA (Michael Craun); Toledo 223 QA (Pam Perryman); Toll IG/Alb Bulk (Ali Hashempour); Toll IG/Alb Bulk (Andrew Vasil); Toll IG/Alb Bulk (Anthony Manovella (Inherited)); Toll IG/Alb Bulk (Edward Camilleri); Toll IG/Alb Bulk (Jason Gilmour); Toll IG/Alb Bulk (Johnny Barbis); Toll IG/Alb Bulk (Jon Gummer); Toll IG/Alb Bulk (Kevin deSouza); Toll IG/Alb Bulk (Michael Appelman); Toll IG/Alb Bulk (Ricardo Morales); Toll IG/Alb Bulk (Robert Poletti); Toll IG/Alb Bulk (Rodney Vermeend); Toll IG/Alb Bulk (Shannon Thorp); Toll IG/Alb Bulk (Tom Koukouvaos); Toll Manufacturing BU Team (CLAUDIO BAEZZATO); Toll Manufacturing BU Team (Maria Gabriella Patrassi); Toll Mfg. Excipients & Intermediates (Jennifer Dolores Brenner); Toll Mfg. Excipients & Intermediates (Markus Staempfli (Inherited)); Toll Mfg. Excipients & Intermediates (Niklaus Kraehenbuehl); Toll VI and Pack (Parth Soni); Total Rewards (Figen Zaim); Tox Operations (Andrea Beyerle); Toxicology (Christopher John Peters); Toxicology Unit (Gerald Hbarth); Toxicology Unit (Gerald H√∂barth); Toxicology Unit 1 (Barbara Dietrich); Trademark (Antje Michel (Inherited)); Trademark (Janine Colesie (On Leave)); Training & Development Office (Chiho Muto); Training & Development Office (Shinji Ohkura); Training & GMP (Barbara Kalina (Inherited)); Training & GMP (Wilfried Happel (Inherited)); Training and Document Control (Lixia He ); Training and Document Control (Lixia He ?????); Transformation Change Management (Emily Riggs); Translational Biology (Alexander Schaub); Translational Biology 1 (Sandra Wymann); Translational Biology 2 (Svetlana Diditchenko); Translational Biology 2a (Alexei Navdaev); Translational Biology 3 (Anna Schnell); Translational Safety (Ashlyn Bassiri); Translational Science (Nick Wilson); Translational Science 1 (Nick Wilson); Transplant (Kevin Kovaleski); Transplant Marketing (Paula Manchester); Transplant Marketing SOT (Jeanne Andronowitz); Transplant Marketing SOT (Paula Manchester (Inherited)); Transplant Medical Affairs (Kevin Kovaleski (Inherited)); Transplant Medicine (Kevin Kovaleski); Transplant TA PM Group (Linda Cortese); Transport und Prozess Management (Andre Husse); Transport und Prozess Management (Anna-Lena Niederh√∂fer); Transportation Management (Gnter Vollmer); Transportation Management (G√ºnter Vollmer); Treasury Europe (Dieter Engstfeld); Trending (Marika Moore); Trending ¬ñ Sterility Assurance (Vijay Dundigalla); Trial & Quality Systems (Sean Storms); Tucson 071 (April Behnke); Tucson 071 (Moses Falaiye); Tucson 071 ACM Area 1 (Alma Y Olivera); Tucson 071 ACM Area 2 (Luz D Almeraz); Tucson 071 QA (Cori J Collins (Inherited)); Tucson 071 QA (Nicole A Downey); Tucson 111 (Alejandro Angulo); Tucson 111 ACM Area 1 (Alejandro Angulo (Inherited)); Tucson 111 ACM Area 1 (George Adams); Tucson 111 ACM Area 2 (Kendra N Belcher); Tucson 111 QA (Dulce A Jimenez); Tucson 111 QA (Eugene Y Shem); Tucson 624 (Jovanna R Ortega); Tucson 624 ACM Area 1 (Sara M Portugal); Tucson 624 ACM Area 2 (Adrian Soto); Tucson 624 QA (Bernadette B Woodson); Tulsa 014 (Heather Colbert); Tulsa 014 (Jerry Ewen); Tulsa 014 ACM Area 1 (Reggie De Quiroz); Tulsa 014 ACM Area 2 (Forrest Burns); Tulsa 014 ACM Area 2 (Heather Colbert); Tulsa 014 QA (Cooper Cruson); Tulsa 014 QA (Heather Colbert); Tulsa 417 (Jerry Ewen); Tulsa 417 (Troy Lee Wheeler); Tulsa 417 ACM Area 1 (Nina Linga); Tulsa 417 ACM Area 2 (Lindsay K Jameson); Tulsa 417 QA (Cooper Cruson); Tulsa 417 QA (Hannah E Todroff); Tulsa 417 QA (Julie L Potter); Tulsa 417 QA (Troy Lee Wheeler (Inherited)); Turkey Field Sales (Filinta Cakar); Tyler 520 (Stephanie D Shah); U of M 414 ACM Area 1 (Abubeker M Osman); U of M 414 ACM Area 2 (Ahmed N Ismail); U&S Process Engineering (Rodrigo Campos); UK accounting (Lorraine Lambert); US ComOps Immunology Sales (Joseph Guinan); US Credit and Treasury (Angela Caivano); US Distribution (Daniel Krysztofiak); US Distribution (Joseph Jefferson); US Federal Tax Compliance (Giovanni Siciliano); US Finance: Capital (Andrea Burch); US Healthcare Systems (Pete Dickson); US Healthcare Systems (Richard Dudek); US Lab Quality Assurance (Alecia C Harshaw); US Marketing (Bernadine Koziara); US Med Affairs-Coagulation-Field (Julie Farley); US Med Affairs-Coagulation-Field (Katheleen Pinto); US Med Affairs-Immunology-Field (Elyse Murphy); US Med Affairs-Specialty-Field (Ayman Kafal); US Med Affairs-Specialty-Field (Ben Boccuzzi); US PLC Quality Assurance (Brian H. Frye); US PLC Quality Assurance (Carol Kralicek); US PLC Quality Assurance (Jeff Dalton Jr); US PLC Quality Assurance (Keith Winiger); US PLC Quality Assurance II (Jeff Dalton Jr); US Plasma Marketing (Keith A Haywood); US Plasma Marketing (Scott Newkirk (Inherited)); US Plasma Operations (Daniel V Ferris); US Plasma Operations Division 1 (Scott Newkirk); US Plasma Operations Division 2 (Michelle A Meyer); US Plasma Operations Division 3 (Wlenyeno J Elliott-Browne); US Plasma Operations Region 11 (Joshua D Williamson); US Plasma Operations Region 11.1 (Holt A Peterson); US Plasma Operations Region 11.1 (Holt Peterson); US Plasma Operations Region 11.2 (Aaron C White); US Plasma Operations Region 11.3 (Brandon S Bridges); US Plasma Operations Region 11.4 (Christine Thomas); US Plasma Operations Region 11.5 (Philip Nixon); US Plasma Ops Region 1 (Dianne Sorenson); US Plasma Ops Region 1.1 (Paul Warden); US Plasma Ops Region 1.2 (David M Wilson); US Plasma Ops Region 1.2 (Marc D Fisher); US Plasma Ops Region 1.3 (Cori J Collins); US Plasma Ops Region 1.4 (Daniel I Villegas); US Plasma Ops Region 1.5 (Timothy Freeland Jr); US Plasma Ops Region 10 (Carmon Kieffer); US Plasma Ops Region 10 (Michelle A Meyer (Inherited)); US Plasma Ops Region 10 (Rebecca Swingle); US Plasma Ops Region 10.1 (Bonnie M Talbott (On Leave)); US Plasma Ops Region 10.1 (Bonnie M Talbott); US Plasma Ops Region 10.1 (Christopher Travalik); US Plasma Ops Region 10.1 (Derek Erhart); US Plasma Ops Region 10.2 (Mary A Paul); US Plasma Ops Region 10.2 (Michael W Solomon); US Plasma Ops Region 10.3 (Neville L Bain); US Plasma Ops Region 10.3 (Stephanie D Shah); US Plasma Ops Region 10.4 (Brendi L Cantrell); US Plasma Ops Region 10.4 (Brett A Wintheiser); US Plasma Ops Region 10.4 (Lori Carlson); US Plasma Ops Region 10.4 (Nicole M Loncon); US Plasma Ops Region 10.5 (Melodee C Ebel); US Plasma Ops Region 11 (Joshua D Williamson); US Plasma Ops Region 12 (Brandon L Voege); US Plasma Ops Region 12.1 (Melodee C Ebel); US Plasma Ops Region 12.2 (Kyle M Lehrke); US Plasma Ops Region 12.3 (Alan Maldonado); US Plasma Ops Region 12.4 (Kashaun Muhammad); US Plasma Ops Region 12.4 (Tiffany D Sherman); US Plasma Ops Region 12.5 (Lori Carlson); US Plasma Ops Region 2 (Michael S Beam); US Plasma Ops Region 2.1 (Jose L Dela Garza); US Plasma Ops Region 2.1 (Vida C Chapman); US Plasma Ops Region 2.2 (Daniel Venn); US Plasma Ops Region 2.2 (Sheri Mixon); US Plasma Ops Region 2.3 (Brenda C Greenfield); US Plasma Ops Region 2.3 (Vida C Chapman); US Plasma Ops Region 2.5 (Kandra K Blodgett); US Plasma Ops Region 2.5 (Patrick Garza); US Plasma Ops Region 3 (Angela S Drumright); US Plasma Ops Region 3.1 (Latosha Y Floyd); US Plasma Ops Region 3.2 (Angela S Drumright (Inherited)); US Plasma Ops Region 3.2 (Joshua D Williamson); US Plasma Ops Region 3.2 (Lauren Jenkins); US Plasma Ops Region 3.2 (Marc D Fisher); US Plasma Ops Region 3.3 (Drewleigha B Sarver); US Plasma Ops Region 3.3 (Keith Clemons); US Plasma Ops Region 3.4 (Ashley M Jamieson); US Plasma Ops Region 3.5 (Erik Plate); US Plasma Ops Region 4 (Brannon L Brittain); US Plasma Ops Region 4.1 (Cole D Kimple); US Plasma Ops Region 4.1 (Holt A Peterson); US Plasma Ops Region 4.1 (Tina Wagenknecht); US Plasma Ops Region 4.2 (Jamie E Lawrence); US Plasma Ops Region 4.2 (Troy Lee Wheeler); US Plasma Ops Region 4.3 (Cole D Kimple); US Plasma Ops Region 4.3 (Cory Toellner); US Plasma Ops Region 4.4 (Jesus A Castillo); US Plasma Ops Region 4.5 (Jamie E Lawrence); US Plasma Ops Region 5 (Rhonda C Harp); US Plasma Ops Region 5.1 (Aaron C White); US Plasma Ops Region 5.1 (Keith Clemons); US Plasma Ops Region 5.2 (Brandon S Bridges); US Plasma Ops Region 5.2 (Patti Bailey, Prim J Cunningham); US Plasma Ops Region 5.2 (Prim J Cunningham); US Plasma Ops Region 5.3 (Nicole M Adams); US Plasma Ops Region 5.3 (Patti Bailey); US Plasma Ops Region 5.3 (Rhonda C Harp (Inherited)); US Plasma Ops Region 5.4 (John L Thixton); US Plasma Ops Region 5.5 (Michele Purvines-Honzo); US Plasma Ops Region 6 (Darrel W Simon); US Plasma Ops Region 6.1 (John E Hunt); US Plasma Ops Region 6.1 (Tiffany D Sherman); US Plasma Ops Region 6.2 (Kyle M Lehrke); US Plasma Ops Region 6.2 (Sam Schultz); US Plasma Ops Region 6.3 (Alan Maldonado); US Plasma Ops Region 6.3 (Jose L Dela Garza); US Plasma Ops Region 6.4 (John E Hunt); US Plasma Ops Region 6.4 (Sheri Mixon); US Plasma Ops Region 6.5 (Victoria McIntyre); US Plasma Ops Region 7 (Brandon L Voege); US Plasma Ops Region 7 (Brendi L Cantrell (On Leave)); US Plasma Ops Region 7 (Brendi L Cantrell); US Plasma Ops Region 7.1 (Lori Carlson); US Plasma Ops Region 7.1 (Nicole M Loncon); US Plasma Ops Region 7.1 (Stephanie D Shah); US Plasma Ops Region 7.2 (Christine Thomas); US Plasma Ops Region 7.2 (Christopher Travalik); US Plasma Ops Region 7.3 (Ron Griffin); US Plasma Ops Region 7.4 (Andrew Brammer); US Plasma Ops Region 7.4 (Brendi L Cantrell (On Leave) (Inherited)); US Plasma Ops Region 7.4 (Brett A Wintheiser); US Plasma Ops Region 7.4 (Drewleigha B Sarver); US Plasma Ops Region 7.5 (Christopher Travalik); US Plasma Ops Region 7.5 (Mary A Paul); US Plasma Ops Region 8 (Tammy S Harrison); US Plasma Ops Region 8.1 (David Ensminger); US Plasma Ops Region 8.1 (Derek Erhart); US Plasma Ops Region 8.1 (Matthew Smith); US Plasma Ops Region 8.2 (Ben Samarripas); US Plasma Ops Region 8.2 (Stephanie D Shah); US Plasma Ops Region 8.3 (Andrew Brammer); US Plasma Ops Region 8.3 (Greg McClain); US Plasma Ops Region 8.3 (Neville L Bain); US Plasma Ops Region 8.4 (Derek Erhart); US Plasma Ops Region 8.4 (Michael W Solomon); US Plasma Ops Region 8.4 (Tammy S Harrison (Inherited)); US Plasma Ops Region 8.5 (Derek Erhart); US Plasma Ops Region 8.5 (Patrick Willingham); US Plasma Ops Region 9 (Amanda L Kitchen); US Plasma Region 2.4 (Michael S Beam (Inherited)); US Plasma Region 2.4 (Rosa E Mercado); US Regulatory Affairs (John Hill); US Regulatory Affairs (Kevin Darryl White); US Regulatory Affairs Critical Care/Cardiovascular (Angela D Azzara); US Regulatory Affairs II (Baldevsinh Rana); US Regulatory Affairs III (Paula Clark (On Leave)); US Regulatory Affairs III (Paula Clark); US Sales (Robert Murphy); US State Tax Compliance (Tulasi Veeramachaneni); US Tax Compliance (Eric Lorah); US Tax Compliance (Peter Larsen (Inherited)); USP Engineering (Patrick Rollier); USP Laboratories (Sandra Grunske); USP Manufacturing 1 (Marc Dick); USP Manufacturing 2 (Philipp Steiner); USP Process Technology (Niklas Zink); Umwelt, Plasmabetreuung und Fremdfirmenmanagement (Bjrn Wiesner); Umwelt, Plasmabetreuung und Fremdfirmenmanagement (Bj√∂rn Wiesner); University Relations (Jasmin Senior); Unpaid Diverse (Andreas Gehrich (Inherited)); Unpaid Diverse (Andreas Gehrich); Unpaid Diverse (Annette Pernitzsch (Inherited)); Unpaid Diverse (Annette Pernitzsch); Unpaid Diverse (Claudia Habenicht (Inherited)); Unpaid Diverse (Claudia Habenicht); Unpaid Diverse (Frank Bernert (Inherited)); Unpaid Diverse (Heike Borchert (Inherited)); Unpaid Diverse (Natascha Bock (Inherited)); Unpaid Diverse (Natascha Tappendorf); Unpaid Diverse (Stephani Keltsch); Unpaid Diverse (Sven Schuhmann (Inherited)); Unpaid Diverse (Sven Schuhmann); Upstream Days (Rebecca Briers); Upstream Development (Hans-Wilhelm Beltz); Upstream Development (Stefan Debus); Upstream Manufacturing (Vicky Reading); Upstream Manufacturing - Days (John Meaney); Upstream Shift A (Edward Goulding); Upstream Shift A (Mark Harrop); Upstream Shift B (Mark Harrop); Upstream Shift B (Raymond Brownless); Utilities & Services Engineering (Paul Russell); Utilities & Services Engineering (Peter White); Utilities & Services Engineering Manager (Peter White); Utilities (Kay von Burg); Utilities Critical Systems (Michael D Proctor); Utilities Lengnau (Nozar Basseri); Utilities-Critical Systems (Jeff J Parks); Utilities-Critical Systems (Jim Meils); Utilities-Motive Power (David G Mollema); VAL - Rekombinante Proteine (Kerstin Nau); VAL - Rekombinante Proteine (Verena Koch-Geller); VAL F VIII, IgG & Albumin & Inhibitors (Antje R√∂der); VAL F VIII, IgG & Albumin & Inhibitors (Marco Donges); VAL LIMS-Beauftragte (Eckhard Sch√ºler (Inherited)); VAL Lyophilisierung (Judith Mller); VAL Lyophilisierung (Judith M√ºller); VAL Media Fills & Mikrobiologie (Elke Zameitat); VAL Wissensch. Dokumentation (Eckhard Schler (Inherited)); VAL Wissensch. Dokumentation (Eckhard Sch√ºler (Inherited)); VAL Wundheilung & Intensive Care (Karlheinz Enssle); VAL Wundheilung & Intensive Care (Markus Hilberg); VP Operations 400 (Chris Larkins); VP, Com Operation (Lorna Meldrum); VV-Virus Validation (Wolfram Schfer); VV-Virus Validation (Wolfram Sch√§fer); VV-Virus Validation 1 (Tobias Schrder); VV-Virus Validation 1 (Tobias Schr√§der); VV-Virus Validation 2 (Michaela Gerlach); VV-Virus Validation 3 (Ramona Stau); VV-Virus Validation 3 (Ramona Stau√ü); Validation (Chad Kalia); Validation (Christian Nemeth); Validation (David Turner); Validation (Debra Fisher); Validation (Eckhard Schler); Validation (Eckhard Sch√ºler); Validation (Kah Wen Lee); Validation (Linda Garrett); Validation (Maria Arulruban); Validation (Michel Baur); Validation (Michelle Johnson); Validation (NICHOLA THOMSON); Validation (Ryan Dexter); Validation (Tiffany Korth); Validation I (Chantal Pfaffen); Validation I (Michel Baur (Inherited)); Validation I (Philipp Gersbach); Validation II (Ulrike Hartmann); Validation Process (Peter Tyler); Validation Process (Rebecca Gannon); Validation Process (Russell James Ciliento (Inherited)); Validation QA 1 (Tiffany Korth); Validation QA 2 (Debra Fisher); Validation QA 3 (Linda Garrett); Validation Qualification (Chad Kalia); Validation Specialist 3 Third Party Support (Bhavyesh Pandya); Validation and Stability (Jolyn Hu ?????); Validation and Stability (Xianfeng Guo ); Value Stream - Drug Substance (Barbara Beugger); Vancouver 102 (Larry A Barttelt); Vancouver 102 ACM Area 1 (David B Hammersley); Vancouver 102 ACM Area 2 (Clarissa Halsey); Vancouver 102 QA (Greg R Edge); Viral Vector Bioanalytics (Monica Terrao); Virology & Cell Line Up (Charles McGee); Virus Assay Development and Production (Ben Dickerman); Virus Seed MFG (Adam Kotsubka); Virus Validation (Randel Fang (Inherited)); Virus Validation (Tao Zheng); Virus Validation I (Thomas Nowak); Virus Validation II / Prion Eval. (Wolfram Sch√§fer); Virus Validation III (Bj√∂rn Keiner); Visual Control (Joanna Madafferi (Inherited)); Visual Control (Urs Pflugshaupt); Visual Inspection (Thomas Niedermann); Visual Inspection Precontrol 1 (Georges Schmid); Visual Inspection Precontrol 2 (Daniel Tobler); Visual Inspection and Packing (Claire Petitjean); Visual Inspection and Packing (Clare Schwarz); Visual Inspection semi final prod. 1 (Marlis Erb); Visual Inspection semi final prod.Team 2 (Yvonne Seiler); Visual Inspection semi final prod.Team 3 (Vesile Ciloglu); Visuelle Kontrolle 4 (Christina Vidal-Martinez); Visuelle Kontrolle 4 (Jrg Nickel (Inherited)); Visuelle Kontrolle 4 (J√∂rg Nickel (Inherited)); Vorbehandlung/Brdelung (Michael Welsch); Vorbehandlung/B√∂rdelung (Michael Welsch); WHO & EU Pandemic Vaccines (Ylenia Runci); Waco 084 (Katherine Blount); Waco 084 (Michael Pate Jr); Waco 084 ACM Area 1 (Janet E Jenkins); Waco 084 ACM Area 2 (Rachel I Ramirez); Waco 084 ACM Area 2 (Sharon A Smith); Waco 084 QA (Katherine Blount); Waco 084 QA (Vanessa E Tinsley (On Leave)); Waco 084 QA (Vanessa E Tinsley); Warehouse & Logistics Lengnau (Philipp Kaeser); Warehouse & Transportation (David Dunn); Warehouse & Transportation (Klaus M√ºller); Warehouse (Belinda Thomson); Warehouse (Sam Mekhael); Warehouse (Serge Marques); Warehouse (Uwe Klappstein); Warehouse II (Pavel Miller (On Leave)); Warehouse II (Pavel Miller); Warehouse Operations (Ritchii Lam (Inherited)); Warehouse Operations (Ritchii Lam); Warehouse Supervisor VIC 266 (John Turone (Inherited)); Warehouse Supervisor VIC 266 (Russell Monro); Warehousing (Brian Runner); Warehousing (Jesse Higgins); Warehousing (Noel Burash); Warehousing (Thomas Ryser); Warehousing (Union) (Brian Runner); Warehousing (Union) (Caitlyn Vidas); Warehousing (Union) (Jesse Higgins (Inherited)); Warehousing (Union) (Robin Anderson); Warehousing 1 (Brian Runner); Warehousing GBZ (Walter Kiener); Warehousing Non-Union (Brian Runner (Inherited)); Warehousing Non-Union (Robin Anderson); Warehousing U8 (Martin Hirschi); Warehousing U8 (Matthias Loosli); Warehousing U8 (Rafael Gasser); Warehousing U8 (Thomas Ryser (Inherited)); Warehousing W10 (Patrick Portmann); Warehousing W10 (Thomas Ryser); Warner Robins 509 (Denise Bloodsaw); Warner Robins 509 ACM Area 1 (Bernard Postell); Warner Robins 509 ACM Area 2 (Ta''Neshia Magby); Warner Robins 509 QA (Marilyn Walker); Warner Robins 509 QA (Mary A Paul (Inherited)); Warren 204 (Kimberly Schick); Warren 204 (Kimberly Wrenn); Warren 204 ACM Area 1 (Stephanie M Newland); Warren 204 ACM Area 2 (Daniel Rattay); Warren 204 QA (Jefferson Williams); Warren 204 QA (John Ziegler); Warren 204 QA (Samantha Rouzzo); Warwick 201 (Linda Monteiro); Warwick 201 (Matt Schramm); Warwick 201 ACM Area 1 (Mariela Myers); Warwick 201 ACM Area 2 (Husseim Gomez); Warwick 201 QA (Catherine Colucci); Warwick 201 QA (John L Thixton (Inherited)); Warwick 201 QA (Tessa Grassette); Water Testing (Heike Gocht); Water Testing (Partho Halder); Water Testing (Stefan Wilka); Waters-LAL (J Noel David); Waters/LAL (J Noel David); Weighmaster (Non-Union) (Jeff Keller); Weighmaster (Union) (Jeff Keller); Weighmaster (Union) (Jeffrey Keller); Weslaco 184 (Juan M Ramirez); Weslaco 184 ACM Area 1 (Antonio E Juarez); Weslaco 184 ACM Area 2 (Jesus R Hernandez II); Weslaco 184 QA (Ana Phlipot (On Leave)); Weslaco 184 QA (Ana Phlipot); West Lafayette 411 (Travis F Dill); West Lafayette 411 ACM Area 1 (Marc Baldwin); West Lafayette 411 ACM Area 2 (Alex Visser); West Lafayette 411 QA (Sheryl A Pope); West Specialty Regional Sales (STEPHANIE BESLER); West Specialty Regional Sales (Stephanie Besler); Westland 226 (Corey M Schimming); Westland 226 (Remie T Ray); Westland 226 ACM Area 1 (Kelsie Cremeans); Westland 226 ACM Area 2 (Kirk P Alford II); Westland 226 QA (David Zagorowski); Westwego 153 (Jacqulynn Shankle); Westwego 153 ACM Area 1 (Jacqulynn Shankle); Westwego 153 ACM Area 1 (Nadia Y Grisby); Westwego 153 ACM Area 2 (Regena D Young); Westwego 153 QA (Amanda N Webre); Westwego 153 QA (Brandi N Clark (On Leave)); Westwego 153 QA (Jacqulynn Shankle); Westwego 153 QA (Joshua D Harper); Wholesaler Management (Hideki Yanagihashi ??? ?? - ????? ????); Wichita 263 (Laurie E Boothe); Wichita 263 ACM Area 1 (Sierra Lashbrook); Wichita 263 ACM Area 2 (Mandi Harris); Wichita 263 QA (Cameo Donerson); Wichita 415 (Junior Navarro); Wichita 415 (Sam P Emrich); Wichita 415 ACM Area 1 (Michelle B Duong); Wichita 415 ACM Area 2 (Joel Sutherland); Wichita 415 QA (Erin Shaver); Wichita 415 QA (Laurie E Boothe); Wichita 415 QA (Troy Lee Wheeler (Inherited)); Wilkes Barre 286 (Joseph Frackowiak); Wilkes Barre 286 ACM Area 1 (Cathy Gurzynski); Wilkes Barre 286 ACM Area 2 (Joseph Frackowiak (Inherited)); Wilkes Barre 286 ACM Area 2 (Renee Collins); Wilkes Barre 286 QA (Robin Williams); Willoughby Hills 222 (Frances Campbell (On Leave)); Willoughby Hills 222 (Frances Campbell); Willoughby Hills 222 ACM Area 1 (Amanda Fitzpatrick); Willoughby Hills 222 ACM Area 2 (Breana Brown); Willoughby Hills QA 222 (Bailee E White); Wilmington 228 (Alex Liang); Wilmington 228 (Jack Ellison); Wilmington 228 (John E Hunt (Inherited)); Wilmington 228 ACM Area 1 (Kenneth A Keitt Jr); Wilmington 228 ACM Area 2 (Wendy Dettloff); Wilmington 228 QA (Ben Ward); Wilmington 228 QA (Sam Whitehead); Wilton Manors 073 (Alan Maldonado (Inherited)); Wilton Manors 073 (Benjamin J Morris); Wilton Manors 073 (Michelle S DeCambre); Wilton Manors 073 (Nakia J Harlan); Wilton Manors 073 ACM Area 1 (Darcia Culmer); Wilton Manors 073 ACM Area 2 (Kurt S Tuckett); Wilton Manors 073 ACM Area 2 (Soo-Lin Chang); Wilton Manors 073 ACM Area 3 (Benjamin J Morris); Wilton Manors 073 ACM Area 3 (Nakia J Harlan (Inherited)); Wilton Manors 073 QA (Glenny Arvelaez); Wilton Manors 073 QA (Ryann Chapman); Winston-Salem 124 (Daniel Miclausi); Winston-Salem 124 (Javier Castillo); Winston-Salem 124 ACM Area 1 (Malcolm Childress); Winston-Salem 124 ACM Area 2 (Amanda Jarvis); Winston-Salem 124 ACM Area 2 (Maria Lopez); Winston-Salem 124 QA (Amanda Jarvis); Winston-Salem 124 QA (Beth Majewski); Winston-Salem 124 QA (Mario E Montoya); Wintel (Jason Christides); Witchita 263 (Laurie E Boothe); Witchita 263 QA (Cameo Donerson); Woodend Senior Operator (Brett Walker); Woodend Senior Operator (Lauren Redman); Woonsocket 295 (Catherine Colucci); Woonsocket 295 ACM Area 1 (Jonathan Chenot); Woonsocket 295 ACM Area 2 (Ashley Brown); Woonsocket 295 QA (Michaela Perry); Works Council CSL Behring GmbH (Bernd R√∂√üer); Works Council CSL Behring GmbH (Michael Schrder (Inherited)); Works Council CSL Behring GmbH (Michael Schr√∂der); Works Council CSL Behring GmbH (Reiner D√∂nges); Works Council Chairman (Reiner D√∂nges); Works Councils (Reiner D√∂nges (Inherited)); Wuhan Accounting (Daisy Yang ); Wuhan Accounting (Daisy Yang ????); Wuhan Accounting Finance (Amy Jin ????); Wuhan Accounting Finance (Janet Jin ); Wuhan Accounting Finance (Janet Jin ????); Wuhan Administration Management (CW) (Cris Wang ????? (Inherited)); Wuhan Administration Management (Cris Wang ); Wuhan Administration Management (Cris Wang ?????); Wuhan Administrative Management and Facility Engineering (Fred Pang ?????); Wuhan Administrative Management and Facility Engineering (zcan Campinar); Wuhan Administrative Management and Facility Engineering (√ñzcan Campinar); Wuhan Admistration (Shuiping Zhang ); Wuhan Admistration (Shuiping Zhang ?????); Wuhan Bacteriological Inspection and Animal Trial (CiCi Cheng ); Wuhan Bacteriological Inspection and Animal Trial (CiCi Cheng ????); Wuhan Bioanalytical Sciences (Ming Zuo ); Wuhan Bioanalytical Sciences (Ming Zuo ????); Wuhan Bottle Washing (Weibing Chen ); Wuhan Bottle Washing (Weibing Chen ?????); Wuhan Costing and Financial Planning (Jessie Gao ); Wuhan Costing and Financial Planning (Jessie Gao ?????); Wuhan Environmental Health Safety (Ryan Mao ); Wuhan Environmental Health Safety (Ryan Mao ?????); Wuhan Equipment Maintenance (Jianming Liu ); Wuhan Equipment Maintenance (Jianming Liu ?????); Wuhan Equipment Management (Ming Cao ); Wuhan Equipment Management (Ming Cao ????); Wuhan Equipment Operations (Jun Yin ); Wuhan Equipment Operations (Jun Yin ????); Wuhan Equipment Operations and Maintenance (Rory Yang ); Wuhan Equipment Operations and Maintenance (Rory Yang ?????); Wuhan Finance (Dereck Jiang ); Wuhan Finance (Dereck Jiang ????); Wuhan Human Resources (Grace Yu ????); Wuhan Human Resources Management (Alex Yang ); Wuhan Human Resources Management (Alex Yang ?????); Wuhan Inspection (CW) (Yuemei Huang ????? (Inherited)); Wuhan Inspection (Yuemei Huang ); Wuhan Inspection (Yuemei Huang ?????); Wuhan Manufactuirng Subpackaging Line (Chenyi Guo ); Wuhan Manufactuirng Subpackaging Line (Chenyi Guo ?????); Wuhan Manufacturing Production Management (Liutao Yin ?????); Wuhan Operations (Andrew Tang); Wuhan Packaging (Min Lin ????); Wuhan Physical & Chemical Inspection (Linda Lin ); Wuhan Physical & Chemical Inspection (Linda Lin ????); Wuhan Plasma Inspection (Basin Zhao ); Wuhan Plasma Inspection (Basin Zhao ?????); Wuhan Plasma Sourcing (Lixia He (Inherited)); Wuhan Plasma Sourcing (Qin Chen ????); Wuhan Plasma Sourcing Management (CW) (Lixia He ????? (Inherited)); Wuhan Plasma Sourcing Management (Lixia He ); Wuhan Plasma Sourcing Management (Lixia He ?????); Wuhan Plasma Sourcing Management (Zhibao Qian ?????); Wuhan Plasma and Bacteriological Inspection (Haibo Cheng ); Wuhan Plasma and Bacteriological Inspection (Haibo Cheng ?????); Wuhan Procurement (Chan Liu ????); Wuhan Procurement (Steve Hu ); Wuhan Procurement (Steve Hu ?????); Wuhan Production (Vince Tian ?????); Wuhan Production Management (Zhi Luo ????); Wuhan Production Manufacturing (Elias Francis); Wuhan Production Manufacturing (Ye Xin ????); Wuhan Production Manufacturing (Zhen Wang ????); Wuhan Production Operations (Ye Xin ); Wuhan Production Operations (Ye Xin ????); Wuhan Protein Separation (Songping Xie ); Wuhan Protein Separation (Songping Xie ?????); Wuhan QA Deviation (Ning Ding ); Wuhan QA Deviation (Ning Ding ????); Wuhan QA System (Grace Zhao ); Wuhan QA System (Grace Zhao ????); Wuhan QA Validation (Daoxin Zhu ); Wuhan QA Validation (Daoxin Zhu ?????); Wuhan Quality (Dina El-Emary); Wuhan Quality (Xiaohong Wang ?????); Wuhan Quality Control Inspection (Caixiang Liu ?????); Wuhan Quality Control Ruide (Juergen Liedtke); Wuhan Quality Management (Juergen Liedtke); Wuhan Quality Management (Vivian Zhang ????); Wuhan Quality Systems and Standards (Xiangyang Xia ); Wuhan Quality Systems and Standards (Xiangyang Xia ?????); Wuhan Research and Development (Amory Wang ?????); Wuhan Ruide Compliance (Emma Ma ?????); Wuhan Ruide EIA (Shangqu Shi ?????); Wuhan Ruide Equipment (Zhenzhong Huang ?????); Wuhan Ruide Facilities (Didi Li ?????); Wuhan Ruide Facilities Maintenance (Dexue Hu ?????); Wuhan Ruide QA System & Compliance (Bismarck Huang ?????); Wuhan Ruide Wastewater Treatment (Yuanhui Wang ?????); Wuhan Sales (Jason Xu ????? (Inherited)); Wuhan Sales (Lei Huang ????); Wuhan Solution Preparation (Deqing Mei ); Wuhan Solution Preparation (Deqing Mei ?????); Wuhan Subpackaging Management (Jun Liu ); Wuhan Subpackaging Management (Jun Liu ????); Wuhan Subpackaging Operations (Xin Tian ); Wuhan Subpackaging Operations (Xin Tian ????); Wuhan Technlogy and Quality Study (Lisa Liang ); Wuhan Technlogy and Quality Study (Lisa Liang ????); Wuhan Technology Study (Shawelo Xiao ????); Wuhan Translation team (Mabel Xu ); Wuhan Translation team (Mabel Xu ????); Wuhan Ultrafiltration (Jindi Zhou ); Wuhan Ultrafiltration (Jindi Zhou ?????); Wuhan Water Preparation (Zongrong Liu ); Wuhan Water Preparation (Zongrong Liu ?????); Wyoming 173 (Joe Hicks Jr); Wyoming 173 (Stephanie Gower); Wyoming 173 ACM Area 1 (Jessica Hurlbert); Wyoming 173 ACM Area 2 (AMINA MCPHERSON); Wyoming 173 QA (Brent DeHaan); Wyoming 173 QA (Jared Kurtz); Yeadon 280 (Dominique Holland); Yeadon 280 ACM Area 1 (Therese Algeo); Yeadon 280 ACM Area 2 (TB Bailey); Yeadon 280 QA (Nikki Shaw); York 148 (Brandi Boyles); York 148 ACM Area 1 (Brandi Boyles (Inherited)); York 148 ACM Area 1 (Scottie Johnson Jr); York 148 ACM Area 2 (Stephanie Henry); York 148 QA (Caitie Golubski); York 148 QA (Greg Warren); ZPL Plasma Operations (Klaus Rolshausen (Inherited)); askHR Service ¬ñ TA Support (Anna Tassone); askHR Service ¬ñ TA Support (James Meyer); askHR Shared Services - Tier 1 APAC (Mina Kelepouris); eClinical Operations (Charles Johnson); eR&D Business Support (Simone Dierkes); eSystems (Christina Berninger); eSystems - LIMS Management (Christina Berninger (Inherited)); eSystems - LIMS Management (Stephan Degroth); nan; rzte Berlin (Dorothee Knop); rzte Bielefeld (Dorothee Knop); rzte Braunschweig (Dorothee Knop); rzte Bremen (Dorothee Knop); rzte Frankfurt (Dorothee Knop); rzte Gttingen (Dorothee Knop); rzte Kiel (Dorothee Knop); rzte Nrnberg (Dorothee Knop); support engineer (Deepak Cherian (Inherited)); support engineer (Jamshed Patuck); support engineer (Satya Dara (Inherited)); √Ñrzte (Andreas Gehrich (Inherited)); √Ñrzte (Annette Pernitzsch (Inherited)); √Ñrzte (Claudia Habenicht (Inherited)); √Ñrzte (Heike Borchert); √Ñrzte (Kirsten Scheibel (Inherited)); √Ñrzte (Natascha Bock (Inherited)); √Ñrzte (Stephani Keltsch); √Ñrzte (Sven Schuhmann (Inherited)); √Ñrzte Berlin (Dorothee Knop); √Ñrzte Bielefeld (Dorothee Knop); √Ñrzte Braunschweig (Dorothee Knop); √Ñrzte Bremen (Dorothee Knop); √Ñrzte Frankfurt (Dorothee Knop); √Ñrzte G√∂ttingen (Dorothee Knop); √Ñrzte Kiel (Dorothee Knop); √Ñrzte N√ºrnberg (Dorothee Knop)' pipeline_tag: text-classification inference: true base_model: sentence-transformers/all-mpnet-base-v2 --- # SetFit with sentence-transformers/all-mpnet-base-v2 This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Text Classification. This SetFit model uses [sentence-transformers/all-mpnet-base-v2](https://huggingface.co/sentence-transformers/all-mpnet-base-v2) as the Sentence Transformer embedding model. A [SetFitHead](huggingface.co/docs/setfit/reference/main#setfit.SetFitHead) instance is used for classification. The model has been trained using an efficient few-shot learning technique that involves: 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning. 2. Training a classification head with features from the fine-tuned Sentence Transformer. ## Model Details ### Model Description - **Model Type:** SetFit - **Sentence Transformer body:** [sentence-transformers/all-mpnet-base-v2](https://huggingface.co/sentence-transformers/all-mpnet-base-v2) - **Classification head:** a [SetFitHead](huggingface.co/docs/setfit/reference/main#setfit.SetFitHead) instance - **Maximum Sequence Length:** 384 tokens - **Number of Classes:** 15 classes <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) --> <!-- - **Language:** Unknown --> <!-- - **License:** Unknown --> ### Model Sources - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit) - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055) - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit) ### Model Labels | Label | Examples | |:------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------| | 2 | <ul><li>'FLSA STATUS DESCR: Exempt; Non-Exempt; nan'</li><li>'Pay Rate Type: Hourly; Hourly Salary; Hourly/Salary; Salaried; Salary; nan'</li><li>'Employee Level: Executive; Exempt professional; Non-exempt professional; Supervisor/Manager; nan'</li></ul> | | 3 | <ul><li>'Is Manager<HIDE>: N; Y; nan'</li><li>'Job Level Name: Architect and Lead/Principal Individual Contributor; Architect and¬†Lead/Principal¬†Individual Contributor; Associate/Intern; Chief Architect/Technical Fellow; Chief Operating Officer; Director; EVP; Fellow and Chief Architect; Group President/Sr EVP; Individual Contributor; People Manager/Sr Mgr; President and CEO; SVP; Senior Individual Contributor; Senior Lead/Principal Architect; Sr EVP Chief Financial Officer; Supervisor; Vice President/Counsel/Controller; nan'</li><li>'Is Manager: 0; 1; N; No; Y; Yes; nan'</li></ul> | | 5 | <ul><li>'Function/MAG: nan'</li><li>'Functional Pipeline: Communications; Corporate & Government Affairs; Corporate Services; Data Analytics; Design; Digital; Finance; General Management; Human Resources; Legal; Logistics & Services; Manufacturing & Sourcing; Marketing; Merchandising; Product Creation; Product Management; Program/Process Excellence; Retail; Sales; Sports Marketing; Strategic Planning; Technology; Unassigned; Unknown; nan'</li><li>'JobClassDescription: ACCOUNTANTS - DEGREED; ADMINISTRATIVE SUPPORT; AIDES/ORDERLIES; CLERICAL OFFICE SUPPORT; CLINICAL SUPPORT; DRIVERS; EMPLOYED PHYSICIANS; HOME HEALTH CARE - AIDES; HOME HEALTH CARE - LVN; HOME HEALTH CARE - RN; LICENSED REGISTERED NURSES; LICENSED VOCATIONAL/PRACTICAL NURSES; MANAGERS; NON-PHYSICIAN MEDICAL PRACTITIONERS; OTHER PHYSICIANS; PHYSICIAN PRACTICE - LVN; PHYSICIAN PRACTICE - RN; Physicians (With Benefits); SUPERVISORS; SUPPORT SERVICES PATIENT CARE; TECHNICAL SUPPORT; TECHNICIANS; TECHNOLOGISTS/THERAPISTS; nan'</li></ul> | | 10 | <ul><li>'Corp State: Alabama; Arizona; California; Colorado; Connecticut; Delaware; District of Columbia; Florida; Georgia; Idaho; Illinois; Indiana; Iowa; Is ; Kansas; Kentucky; Louisiana; Maine; Maryland; Massachusetts; Michigan; Milan; Minnesota; Mississippi; Missouri; Montana; Nebraska; Nevada; New Hampshire; New Jersey; New Mexico; New York; North Carolina; Ohio; Oklahoma; Oregon; Pennsylvania; Rhode Island; South Carolina; South Dakota; Tennessee; Texas; Turin; Utah; Virginia; Washington; West Virginia; Wisconsin; nan'</li><li>"location__stateprovince: ??mm?n; Aargau; Agrigento; Aguascalientes; Aichi; Alabama; Alaska; Alberta; Alessandria; Alexandria; Aosta; Arizona; Arkansas; Auckland; Baden-Wurttemberg; Bangkok; Bari; Bavaria; Beijing; Bergamo; Bologna; Brescia; British Columbia; Buenos Aires; Busan; Cagliari; California; Canterbury; Caserta; Catania; Cebu; Central Singapore; Changhua County; Chiayi City; Ciudad de Mexico; Coahuila; Colorado; Como; Connecticut; Cortes; Delaware; District of Columbia; Distrito Federal; Dubai; Estado de M√©xico; Ferrara; Firenze; Florida; Fujian; Fukuoka; Genova; Georgia; Gifu; Graubunden; Guanajuato; Guangdong; Guatemala; Haryana; Hawaii; Hawke's Bay; Hiroshima; Ho Chi Minh; Hokkaido; Hong Kong Island; Hsinchu City; Hubei; Ibaraki; Idaho; Ilan County; Illinois; Indiana; Iowa; Ishikawa; Jakarta Raya; Jalisco; Jiangsu; Johor; Kanagawa; Kansas; Kaohsiung City; Karnataka; Kentucky; Kowloon; Lecce; Liaoning; Livorno; Louisiana; Maharashtra; Maine; Managua; Manitoba; Maryland; Massachusetts; Melaka; Messina; Miaoli County; Michigan; Milano; Minnesota; Mississippi; Missouri; Montana; Monza e Brianza; Morelos; Nagano; Napoli; Nebraska; Nevada; New Hampshire; New Jersey; New Mexico; New South Wales; New Taipei City; New Territories; New York; Newfoundland and Labrador; North Carolina; North Dakota; North Rhine-Westphalia; Nova Scotia; Novara; Nuevo Le√≥n; Ohio; Oklahoma; Ontario; Oregon; Osaka; Otago; PG_Asia_CHN_01; PG_Asia_HKG_01; PI CHE - VF International; Padova; Pahang; Panam√°; Parma; Pennsylvania; Phnom Penh; Piacenza; Pingtung County; Puebla; Puerto Rico; Pulau Pinang (Penang); Quebec; Quer√©taro; Quintana Roo; Rhode Island; Roma; Saitama; Salary; San Jose; San Salvador; Santiago; Saskatchewan; Selangor; Seoul; Shandong; Shanghai; Shanxi; Shizuoka; Sichuan; South Carolina; S√£o Paulo; Tabasco; Taichung City; Tainan City; Taipei City; Tamil Nadu; Taoyuan City; Tennessee; Texas; Tianjin; Ticino; Tochigi; Tokyo; Torino; Toyama; Treviso; Trieste; Utah; Varese; Venezia; Veracruz; Vermont; Verona; Vicenza; Victoria; Virginia; Washington; Wellington; West Virginia; Wilayah Persekutuan Kuala Lumpur; Wilayah Persekutuan Putrajaya; Wisconsin; Wyoming; Yucat√°n; Zhejiang; nan"</li><li>'Home State | Province | Region: Alabama; Arkansas; Bogot√° D.C.; California; Colorado; Delaware; Distrito Federal; Eastern Cape; England; Florida; Gauteng; Georgia; Illinois; Indiana; Iowa; Kentucky; KwaZulu-Natal; Maine; Mexico State; Michigan; Minnesota; Missouri; Nevada; New Hampshire; New Jersey; New York; North Carolina; Ohio; Oregon; Pennsylvania; Puerto Rico; Santander; South Carolina; Tennessee; Texas; Valle del Cauca; Virginia; Washington; Western Cape; Wisconsin; nan'</li></ul> | | 12 | <ul><li>'Tenure Category: 0 - 3 Months; 10 - 12 Months; 10 - 15 Years; 13 - 28 Months; 15 - 20 Years; 19 - 24 Months; 2 - 3 Years; 20+ Years; 3 - 5 Years; 4 - 6 Months; 5 - 10 Years; 7 - 9 Months; nan'</li><li>'Tenure with the Company: 0-3 months; 1-2 years; 11-15 years; 16-20 years; 21-25 years; 26-30 years; 3-5 years; 31 years or more; 4-6 months; 6-10 years; 7-12 months; nan'</li><li>'TENURE - Hire: 1 - 2 years; 11 - 15 years; 16 - 20 years; 3 - 5 years; 6 - 10 years; Less than 1 year; More than 20 years; nan'</li></ul> | | 6 | <ul><li>'Location (Geographic): Argentina; Australia; Brazil; Canada; Canada - Living Sounds; China; China - Beijing; China - Suzhou; China, Beijing; China, Suzhou; Colombia; Dubai; France; Germany; Hungary; India; Israel; Italy; Japan; Kenya; Korea; Malaysia; Mexico, Matamoros; Mexico, Mexico City; New Zealand; Norway; Peru; Phillipines; Poland; Prefer not to answer; Romania; Singapore; United Kingdom; United States; nan'</li><li>'Country Name: Australia; Belgium; Brazil; Canada; Colombia; Costa Rica; France; India; Ireland; Italy; Luxembourg; Mexico; Netherlands; New Zealand; Philippines; Poland; Puerto Rico; Singapore; Spain; United Kingdom; United States of America; nan'</li><li>'Operating Company: MHPS-EDE; nan'</li></ul> | | 9 | <ul><li>"HR Site Group<HIDE>: 84 SOUTH HEALTH CENTER; ACL LABS; ADVOCATE MEDICAL GROUP; AMC Bay Area; AMC GRAFTON; AMC KENOSHA; AMC MANITOWOC COUNTY; AMC OSHKOSH; AMC SUMMIT; AMC WASHINGTON COUNTY; AMG CONTACT CENTER; APP; AURORA BAYCARE MEDICAL CENTER; AURORA CLINICAL CONTACT CENTER; AURORA LAKELAND MEDICAL CENTER; AURORA MEMORIAL HOSPITAL OF BURLINGTON; AURORA PSYCH/BEHAVIORAL HEALTH; Aurora Health Care Medical Group : GBMM; Aurora Health Care Medical Group : GMNSC; Aurora Health Care Medical Group : GMS; Aurora Health Care Medical Group : OFDL; Aurora Health Care Medical Group : OTHER; Aurora Health Care Medical Group : RKL; Aurora Health Care Medical Group : SCWNWC; Aurora Health Care Medical Group : WJ; BROMENN MEDICAL CENTER/EUREKA; CHRIST MEDICAL CENTER; CONDELL MEDICAL CENTER; CORPORATE; Children's Hospital; GOOD SAMARITAN HOSPITAL; GOOD SHEPHERD HOSPITAL; ILLINOIS MASONIC MEDICAL CENTER; LUTHERAN GENERAL HOSPITAL; POST ACUTE NETWORK; SHEBOYGAN MEMORIAL; SHERMAN HOSPITAL; SINAI MEDICAL CENTER; SOUTH SUBURBAN HOSPITAL; ST. LUKE'S SOUTH SHORE; SYSTEM ANCILLARY SERVICES; SYSTEM SUPPORT SERVICES; St. Luke's Medical Center; TRINITY HOSPITAL; WEST ALLIS MEDICAL CENTER; nan"</li><li>'Affiliation(Affiliate): 9010 Admin; BCHC; BVRMC; Cherokee Regional Medical Center; Dubuque VNA; FORT DODGE REGION; GREENE COUNTY MEDICAL CENTER; Grundy Cnty Hospital; HCF Inc; Hancock County Senior Services; IA Health Acc Care; MERITER; Memorial Hospital; Pocahontas Community Hospital; Stewart Memorial Community Hospital; Sumner Comm Hospital; UP Clinic Affiliate; UP at Home Affiliate; UPC Peoria; UPH Allen; UPH CR St Lukes; UPH Contract Svc LC; UPH Des Moines; UPH FD Trinity Hlth; UPH FD Trinity Regnl; UPH Finley; UPH Grinnell; UPH Jones Regional; UPH Marshalltown; UPH Methodist; UPH Methodist Colleg; UPH Musc Trinity; UPH Pekin; UPH Proctor; UPH QC Trinity; UPH SC St Lukes; UPH at Work; UPH at Work QC; UnityPlace; UnityPoint Health - Keokuk; Virginia Gay Hospital; nan'</li><li>'region: ACP; CALIFORNIA; CAROLINAS; CENTRAL ZONE RM; EAST PENN/DE; EAST ZONE RM; FLORIDA; GREAT PLAINS; HANGER CLINIC SHARED SVCS; HANGER RESOURCE CENTER; HEARTLAND; HOUSTON; KEYSTONE; MICHIGAN; MID ATLANTIC; MIDWEST; NATL LABS; NEW ENGLAND; NORTH ATLANTIC; NORTHWEST; NY METRO; NY/NJ; OHIO VALLEY; ROCKY MOUNTAIN; SOUTH CENTRAL; SOUTHEAST; SOUTHWEST; SPS; TEXAS; WEST ZONE RM; nan'</li></ul> | | 4 | <ul><li>'Union Status <HIDE>: I am a member of a union; I am not a member of union; nan'</li><li>"Union Code: 122; 17; 399; 420; 781; AFSCME; AFSCME Local 3279; AFSCME Local 9; ALT; ARSA; Appointed; BDN; BKV; BLE; BMWE; BOL; BRCA; BRD; BRS; BRW; CAF; CAP; CAT; CAW; CBI; CBT; CE1; CE2; CE3; CE4; CEC; CED; CEL; CEN; CEQ; CET; CFC; CFF; CFO; CLB; CMA; CMN; CNA; CNR; COL; CPA; CPE; CPL; CPO; CPT; CSC; CSE; CSU; CTM; CTS; CVT; CX1; CX2; CX3; CX4; DBS; DVR; FNK; FRE; FRS; G01; G02; G04; G05; G06; G07; G08; G09; G10; G11; G12; G13; G14; G15; G16; G17; GCH; GGI; GGO; GGR; GVL; HTC; IAM; IBBB; IBEW; IBFO; IBT Lab Asst; IBT Lab Couriers; IBT PMCA Childrens; IBW; IDA; IUOE; IW; JOA AFSCME/SEIU HCMI; KU1; KU2; Laundry Workers Loca; Local 320; Local 321; Local 363; Local 49ers; MDL; MDX; MNA; MOD; MOO; MUR; Muldraugh Compressor Station; N01; N02; N03; NON; NUHW; NUR; None ; OIL; Operating Engineers; PNT; Police; R01; R02; R04; R05; R06; R10; R11; R12; R13; R15; R16; R17; R18; R19; R20; R22; R23; R24; R25; R26; R27; R31; R32; R33; R35; R36; R37; R38; R39; R40; R41; R42; R45; R46; R47; R48; R49; R50; R52; R55; R56; R57; R58; R59; RFT; RPT; RSP; SCP; SEC; SEIU; SEIU - PCA's at RIM; SMW; SPNNUNAC; STF; Service Emp Intn'l U; TCU; TCUASR; TCU_ICTF; TEAM; TSV; Trades; U; U01; U02; U04; U05; U06; U07; U10; U14; U19; U21; U22; U23; U24; U25; U26; U32; U37; U43; U44; U52; U53; U56; U76; U78; U83; U84; U85; U91; UA3; UAW Local 889; UB7; UB9; UC3; UD7; UD8; UE3; UE5; UE9; UF1; UF2; UF3; UF4; UFCW; UG1; UG5; UN5; UN6; UN7; UN8; UN9; UNAC; UNKNOWN; UPUYC-SP; UPUYC-UP; UTUC; UTUE; UTUT; UTUY-A&S; W02; W03; W04; W05; WC5; YRK; nan"</li></ul> | | 16 | <ul><li>'Shift Question<HIDE>: Yes; nan'</li><li>'Work Schedule: 0-30 Hrs Wk; 0-38.5 Hrs Wk; 1 - 10%; 10 FR-MO; 10 M-TH; 10 M-TU TH-FR; 10 M-WE FR; 10 SU-WED; 10 TU-FR; 10 WE - SA; 11 - 20%; 1ST SHIFT; 21 - 30%; 2ND SHIFT; 31 - 40%; 37 Hrs Wk; 37.5 Hrs Wk; 38 Hrs Wk; 38.5 Hrs Wk; 39 Hrs Wk; 3RD SHIFT; 40 Hrs Wk; 41 - 50%; 41 Hrs Wk; 42.5 Hrs Wk; 44 Hrs Wk; 45 Hrs Wk; 48 Hrs Wk; 5/8 FR-SA Off; 5/8 MO-TU Off; 5/8 SU-MO Off; 5/8 TH-FR Off; 5/8 TU-WE Off; 5/8 WE-TH Off; 51 - 60%; 61 - 70%; 71 - 80%; 8 HRS 8am-5pm; 81 - 90%; 91 - 100%; KRONOS SHIFT 1; KRONOS SHIFT 2; KRONOS SHIFT 3; Mon-Fri 40 Hrs/Wk; OPS FLOOR Mo-Th-Fr; PART-TIME VERT. 60,5%; Part-time Oriz. 50%; Part-time Oriz. 60%; Part-time Oriz. 62%; Part-time Oriz. 62,5%; Part-time Oriz. 75%; Part-time Oriz. 87,5%; STANDARD 8-5; STANDARD 8:30am-5pm; STANDARD 8am - 5pm; STANDARD 9-5.30; STANDARD 9am - 6pm; STANDARD 9am-6pm; Service Tech. Field; TURNISTA; Turno PT Orizz. 75%; Turno PT Orizz. 87,5%; nan'</li><li>'Shift<HIDE>: 7; B; D; E; L; O; R; W; Z; nan'</li></ul> | | 14 | <ul><li>'What has been your COVID 19 work arrangement?<HIDE>: Furloughed/Closed Location; Office; Other; Reduced Work Schedule; Remote/Work from Home; nan'</li><li>'Ability to Work Remotely<HIDE>: My primary job role can be done remotely with little or no disruption.; My primary job role is a mix - some can be done from anywhere and some can only be done from the physical work location.; My primary job role requires me to be physically present in my workplace.; nan'</li></ul> | | 1 | <ul><li>'Race_Ethnicity: American Indian or Alaska Native (Not Hispanic or Latino) (United States of America); American Indian or Alaskan Native (United States of America); American¬†Indian¬†or¬†Alaskan¬†Native (United States of America); Asian (Not Hispanic or Latino) (United States of America); Asian (United States of America); Asian - Indian (United Kingdom); Asian - Other (United Kingdom); Asian - Pakistani (United Kingdom); Bai (China); Black - African (United Kingdom); Black - British (United Kingdom); Black - Caribbean (United Kingdom); Black or African American (Not Hispanic or Latino) (United States of America); Black or African American (United States of America); Black¬†or¬†African¬†American (United States of America); Buyei (China); Chinese (Singapore); Dai (China); Dong (China); Han (China); Hani (China); Hispanic or Latino (United States of America); Hispanic/Latino (United States of America); I do not wish to answer. (United States of America); Indian (Singapore); Li (China); Malay (Singapore); Native Hawaiian or Other Pacific Islander (Not Hispanic or Latino) (United States of America); Native Hawaiian or Other Pacific Islander (United States of America); Native¬†Hawaiian¬†or¬†Other¬†Pacific¬†Islander (United States of America); Not Declaring (United Kingdom); Not Reported; Other (Singapore); Other (United Kingdom); Tujia (China); Two or More Races (Not Hispanic or Latino) (United States of America); Two or More Races (United States of America); Two¬†or¬†More¬†Races (United States of America); White (Not Hispanic or Latino) (United States of America); White (United States of America); White - British (United Kingdom); White - Irish (United Kingdom); White - Other (United Kingdom); White - Other European (United Kingdom); Yi (China); Zhuang (China); nan'</li><li>'Which ethnicity/ethnicities do you most identify with?: Asian; Black; Hispanic or Latino; Other; Prefer not to respond; Two or More Races; White; nan'</li><li>'Ethnicity On File: 2 or more races, not Hispanc; American Indian/Alaska Nativ; Asian; Black/African American; Hispanic/Latino; Native Hawaiian/Oth Pacif Is; White; nan'</li></ul> | | 7 | <ul><li>'FM_Merger_Cd: N; Y; nan'</li><li>'Acquisition Hire<HIDE>: Acquisition Hire; Non-Acquisition Hire; nan'</li></ul> | | 8 | <ul><li>'Primary Termination Reason: Retained; Terminate Associate > Involuntary > Attendance; Terminate Associate > Involuntary > Death; Terminate Associate > Involuntary > Elimination of Position; Terminate Associate > Involuntary > Exhaustion of Leave; Terminate Associate > Involuntary > Falsification of Records; Terminate Associate > Involuntary > Gross Misconduct; Terminate Associate > Involuntary > Mutual Consent; Terminate Associate > Involuntary > Not re-new contract; Terminate Associate > Involuntary > Poor Job Performance; Terminate Associate > Involuntary > Severance; Terminate Associate > Involuntary > Tardiness; Terminate Associate > Involuntary > Violation of Rules; Terminate Associate > Involuntary > Workforce Reduction; Terminate Associate > Voluntary > Commute Time; Terminate Associate > Voluntary > Company Instability; Terminate Associate > Voluntary > Dissatisfied with Hours; Terminate Associate > Voluntary > Dissatisfied with Job; Terminate Associate > Voluntary > Dissatisfied with Management; Terminate Associate > Voluntary > Dissatisfied with Pay; Terminate Associate > Voluntary > Dissatisfied with Promotional Opportunities; Terminate Associate > Voluntary > Dissatisfied with Working Conditions; Terminate Associate > Voluntary > Failure to Return from Leave; Terminate Associate > Voluntary > Job Abandonment; Terminate Associate > Voluntary > Military Service; Terminate Associate > Voluntary > Moved; Terminate Associate > Voluntary > Other Employment; Terminate Associate > Voluntary > Personal; Terminate Associate > Voluntary > Retirement; Terminate Associate > Voluntary > Return to School; Terminate Associate > Voluntary > Severance; Terminate Associate > Voluntary > Unknown; Terminate Employee > Voluntary > Benefits; Terminate Employee > Voluntary > Career Change; Terminate Employee > Voluntary > Career Development or Advancement; Terminate Employee > Voluntary > Compensation; Terminate Employee > Voluntary > Continue Education; Terminate Employee > Voluntary > Contract End; Terminate Employee > Voluntary > Conversion; Terminate Employee > Voluntary > Dislike Company; Terminate Employee > Voluntary > Dislike Hours/Schedule; Terminate Employee > Voluntary > Dislike Supervisor; Terminate Employee > Voluntary > Dislike Work; Terminate Employee > Voluntary > Dissatisfied Career Advancement Opportunities; Terminate Employee > Voluntary > Dissatisfied with Benefits; Terminate Employee > Voluntary > Dissatisfied with Benefits Package (Health, Dental, Vision, Life, Retirement, Paid Leave, etc.); Terminate Employee > Voluntary > Dissatisfied with Career Opportunities; Terminate Employee > Voluntary > Dissatisfied with Company Policies; Terminate Employee > Voluntary > Dissatisfied with Compensation Package (Base Salary, Bonus, Commissions, etc.); Terminate Employee > Voluntary > Dissatisfied with Coworkers; Terminate Employee > Voluntary > Dissatisfied with Flexible Work Arrangements (remote work, flexible hours, etc.); Terminate Employee > Voluntary > Dissatisfied with Hours / Schedule; Terminate Employee > Voluntary > Dissatisfied with Industry; Terminate Employee > Voluntary > Dissatisfied with Job; Terminate Employee > Voluntary > Dissatisfied with Location; Terminate Employee > Voluntary > Dissatisfied with Location/Commute; Terminate Employee > Voluntary > Dissatisfied with Management; Terminate Employee > Voluntary > Dissatisfied with Manager Effectiveness; Terminate Employee > Voluntary > Dissatisfied with Organization Culture (Corporate Values, Behaviors, Norms that Guide How People Work); Terminate Employee > Voluntary > Dissatisfied with Pay; Terminate Employee > Voluntary > Dissatisfied with Travel; Terminate Employee > Voluntary > Dissatisfied with Type of Work; Terminate Employee > Voluntary > Dissatisfied with Work Conditions; Terminate Employee > Voluntary > Dissatisfied with Working Conditions; Terminate Employee > Voluntary > Dissatisfied with Worklife Balance; Terminate Employee > Voluntary > Exit Workforce; Terminate Employee > Voluntary > Failed to Return from Leave; Terminate Employee > Voluntary > Failure to Return from Leave; Terminate Employee > Voluntary > Family Obligations; Terminate Employee > Voluntary > Family Reasons; Terminate Employee > Voluntary > Health Concerns; Terminate Employee > Voluntary > Health Reasons; Terminate Employee > Voluntary > Job Abandonment; Terminate Employee > Voluntary > Job Security; Terminate Employee > Voluntary > Join Military; Terminate Employee > Voluntary > Location; Terminate Employee > Voluntary > Military Service; Terminate Employee > Voluntary > Moved; Terminate Employee > Voluntary > Mutual Agreement (inactive); Terminate Employee > Voluntary > Mutual Consent; Terminate Employee > Voluntary > Never Reported for Orientation; Terminate Employee > Voluntary > Other Employment; Terminate Employee > Voluntary > Personal - Furthering Education (inactive); Terminate Employee > Voluntary > Personal Reasons; Terminate Employee > Voluntary > Relocation; Terminate Employee > Voluntary > Resignation; Terminate Employee > Voluntary > Retirement; Terminate Employee > Voluntary > Return to School; Terminate Employee > Voluntary > Returned to School; Terminate Employee > Voluntary > Self Employment; Terminate Employee > Voluntary > Training; Terminate Employee > Voluntary > Transportation Problems; Terminate Employee > Voluntary > Unknown; Terminate Employee > Voluntary > Work Authorization Not Renewed; Terminate Employee > Voluntary > Workload; nan'</li><li>'Termed Reason: I; V; nan'</li><li>'Voluntary or Retirement<HIDE>: Retirement; Voluntary; nan'</li></ul> | | 11 | <ul><li>'Generation: 18-24 years of age; 25-34 years; 25-34 years of age; 26-35 Yrs; 26-35 years; 35-44 years; 35-44 years of age; 36-45 Yrs; 36-45 years; 45-54 years of age; 45-55 years; 46-55 Yrs; 46-55 years; 55-64 years of age; 65+ years of age; < 25 years; < 26 Yrs; < 26 years; <25 years; > 55 Yrs; > 55 years; >55 years; Baby Boomer; Baby Boomer (born 1946 ¬ñ 1964); Baby Boomers; Baby Boomers ¬ñ 1946 ¬ñ 1965; Gen X; Generation X; Generation X (born 1965 to 1980); Generation X ¬ñ 1965 ¬ñ 1980; Generation Y / Millennials ¬ñ 1981 ¬ñ 1996; Generation Z; Generation Z (born 2001 to 2015); Generation Z ¬ñ 1997 and onwards; Mature (born in 1945 or earlier); Millennial; Millennials; Millennials (born 1981 to 2000); Silent Generation; Silent Generation - 1928 ¬ñ 1945; Traditionalist; nan'</li><li>'Age Bracket: 119.4; 18-24; 18.5; 18.7; 19.1; 19.2; 19.3; 19.4; 19.5; 19.6; 19.7; 19.8; 19.83333333; 19.9; 20 - 29; 20-24; 20-30 Years; 20.3; 20.6; 20.66666667; 20.7; 20.83333333; 20.9; 21; 21.08333333; 21.1; 21.16666667; 21.2; 21.3; 21.4; 21.5; 21.6; 21.66666667; 21.7; 21.8; 21.83333333; 21.9; 22; 22.1; 22.2; 22.3; 22.33333333; 22.4; 22.41666667; 22.5; 22.58333333; 22.6; 22.66666667; 22.7; 22.75; 22.8; 22.9; 23; 23.08333333; 23.1; 23.16666667; 23.2; 23.25; 23.3; 23.33333333; 23.4; 23.41666667; 23.5; 23.58333333; 23.6; 23.7; 23.8; 23.83333333; 23.9; 23.91666667; 24; 24.1; 24.2; 24.3; 24.33333333; 24.4; 24.41666667; 24.5; 24.58333333; 24.6; 24.66666667; 24.7; 24.75; 24.8; 24.83333333; 24.9; 25; 25-30; 25-35; 25-35 ; 25.08333333; 25.1; 25.16666667; 25.2; 25.25; 25.3; 25.33333333; 25.4; 25.41666667; 25.5; 25.58333333; 25.6; 25.66666667; 25.7; 25.75; 25.8; 25.83333333; 25.9; 25.91666667; 26; 26-3; 26-35; 26.08333333; 26.1; 26.16666667; 26.2; 26.25; 26.3; 26.33333333; 26.4; 26.41666667; 26.5; 26.58333333; 26.6; 26.66666667; 26.7; 26.75; 26.8; 26.83333333; 26.9; 26.91666667; 27; 27.08333333; 27.1; 27.16666667; 27.2; 27.25; 27.3; 27.33333333; 27.4; 27.41666667; 27.5; 27.58333333; 27.6; 27.66666667; 27.7; 27.75; 27.8; 27.83333333; 27.9; 27.91666667; 28; 28.08333333; 28.1; 28.16666667; 28.2; 28.25; 28.3; 28.33333333; 28.4; 28.41666667; 28.5; 28.58333333; 28.6; 28.66666667; 28.7; 28.75; 28.8; 28.83333333; 28.9; 28.91666667; 29; 29.08333333; 29.1; 29.16666667; 29.2; 29.25; 29.3; 29.33333333; 29.4; 29.41666667; 29.5; 29.58333333; 29.6; 29.66666667; 29.7; 29.75; 29.8; 29.83333333; 29.9; 29.91666667; 30; 30 - 39; 30-40 Years; 30.08333333; 30.1; 30.16666667; 30.2; 30.25; 30.3; 30.33333333; 30.4; 30.41666667; 30.5; 30.58333333; 30.6; 30.66666667; 30.7; 30.75; 30.8; 30.83333333; 30.9; 30.91666667; 31; 31-40; 31.08333333; 31.1; 31.16666667; 31.2; 31.25; 31.3; 31.33333333; 31.4; 31.41666667; 31.5; 31.58333333; 31.6; 31.66666667; 31.7; 31.75; 31.8; 31.83333333; 31.9; 31.91666667; 32; 32.08333333; 32.1; 32.16666667; 32.2; 32.25; 32.3; 32.33333333; 32.4; 32.41666667; 32.5; 32.58333333; 32.6; 32.66666667; 32.7; 32.75; 32.8; 32.83333333; 32.9; 32.91666667; 33; 33.08333333; 33.1; 33.16666667; 33.2; 33.25; 33.3; 33.33333333; 33.4; 33.41666667; 33.5; 33.58333333; 33.6; 33.66666667; 33.7; 33.75; 33.8; 33.83333333; 33.9; 33.91666667; 34; 34.08333333; 34.1; 34.16666667; 34.2; 34.25; 34.3; 34.33333333; 34.4; 34.41666667; 34.5; 34.58333333; 34.6; 34.66666667; 34.7; 34.75; 34.8; 34.83333333; 34.9; 34.91666667; 35; 35.08333333; 35.1; 35.16666667; 35.2; 35.25; 35.3; 35.33333333; 35.4; 35.41666667; 35.5; 35.58333333; 35.6; 35.66666667; 35.7; 35.75; 35.8; 35.83333333; 35.9; 35.91666667; 36; 36-40; 36-41; 36-45; 36.08333333; 36.1; 36.16666667; 36.2; 36.25; 36.3; 36.33333333; 36.4; 36.41666667; 36.5; 36.58333333; 36.6; 36.66666667; 36.7; 36.75; 36.8; 36.83333333; 36.9; 36.91666667; 37; 37.08333333; 37.1; 37.16666667; 37.2; 37.25; 37.3; 37.33333333; 37.4; 37.41666667; 37.5; 37.58333333; 37.6; 37.66666667; 37.7; 37.75; 37.8; 37.83333333; 37.9; 37.91666667; 38; 38.08333333; 38.1; 38.16666667; 38.2; 38.25; 38.3; 38.33333333; 38.4; 38.41666667; 38.5; 38.58333333; 38.6; 38.66666667; 38.7; 38.75; 38.8; 38.83333333; 38.9; 38.91666667; 39; 39.08333333; 39.1; 39.16666667; 39.2; 39.25; 39.3; 39.33333333; 39.4; 39.41666667; 39.5; 39.58333333; 39.6; 39.66666667; 39.7; 39.75; 39.8; 39.83333333; 39.9; 39.91666667; 40; 40 - 49; 40-50 Years; 40.08333333; 40.1; 40.16666667; 40.2; 40.25; 40.3; 40.33333333; 40.4; 40.41666667; 40.5; 40.58333333; 40.6; 40.66666667; 40.7; 40.75; 40.8; 40.83333333; 40.9; 40.91666667; 41; 41-49; 41-50; 41.08333333; 41.1; 41.16666667; 41.2; 41.25; 41.3; 41.33333333; 41.4; 41.41666667; 41.5; 41.58333333; 41.6; 41.66666667; 41.7; 41.75; 41.8; 41.83333333; 41.9; 41.91666667; 42; 42.08333333; 42.1; 42.16666667; 42.2; 42.25; 42.3; 42.33333333; 42.4; 42.41666667; 42.5; 42.58333333; 42.6; 42.66666667; 42.7; 42.75; 42.8; 42.83333333; 42.9; 42.91666667; 43; 43.08333333; 43.1; 43.16666667; 43.2; 43.25; 43.3; 43.33333333; 43.4; 43.41666667; 43.5; 43.58333333; 43.6; 43.66666667; 43.7; 43.75; 43.8; 43.83333333; 43.9; 43.91666667; 44; 44.08333333; 44.1; 44.16666667; 44.2; 44.25; 44.3; 44.33333333; 44.4; 44.41666667; 44.5; 44.58333333; 44.6; 44.66666667; 44.7; 44.75; 44.8; 44.83333333; 44.9; 44.91666667; 45; 45.08333333; 45.1; 45.16666667; 45.2; 45.25; 45.3; 45.33333333; 45.4; 45.41666667; 45.5; 45.58333333; 45.6; 45.66666667; 45.7; 45.75; 45.8; 45.83333333; 45.9; 45.91666667; 46; 46-54; 46.08333333; 46.1; 46.16666667; 46.2; 46.25; 46.3; 46.33333333; 46.4; 46.41666667; 46.5; 46.58333333; 46.6; 46.66666667; 46.7; 46.75; 46.8; 46.83333333; 46.9; 46.91666667; 47; 47.08333333; 47.1; 47.16666667; 47.2; 47.25; 47.3; 47.33333333; 47.4; 47.41666667; 47.5; 47.58333333; 47.6; 47.66666667; 47.7; 47.75; 47.8; 47.83333333; 47.9; 47.91666667; 48; 48.08333333; 48.1; 48.16666667; 48.2; 48.25; 48.3; 48.33333333; 48.4; 48.41666667; 48.5; 48.58333333; 48.6; 48.66666667; 48.7; 48.75; 48.8; 48.83333333; 48.9; 48.91666667; 49; 49.08333333; 49.1; 49.16666667; 49.2; 49.25; 49.3; 49.33333333; 49.4; 49.41666667; 49.5; 49.58333333; 49.6; 49.66666667; 49.7; 49.75; 49.8; 49.83333333; 49.9; 49.91666667; 50; 50 - 59; 50-60 Years; 50-64; 50.1; 50.16666667; 50.2; 50.25; 50.3; 50.33333333; 50.4; 50.41666667; 50.5; 50.58333333; 50.6; 50.66666667; 50.7; 50.75; 50.8; 50.83333333; 50.9; 50.91666667; 51; 51+; 51.08333333; 51.1; 51.16666667; 51.2; 51.25; 51.3; 51.33333333; 51.4; 51.41666667; 51.5; 51.58333333; 51.6; 51.66666667; 51.7; 51.75; 51.8; 51.83333333; 51.9; 51.91666667; 52; 52.08333333; 52.1; 52.16666667; 52.2; 52.25; 52.3; 52.33333333; 52.4; 52.41666667; 52.5; 52.58333333; 52.6; 52.66666667; 52.7; 52.75; 52.8; 52.83333333; 52.9; 52.91666667; 53; 53.08333333; 53.1; 53.16666667; 53.2; 53.25; 53.3; 53.33333333; 53.4; 53.41666667; 53.5; 53.58333333; 53.6; 53.66666667; 53.7; 53.75; 53.8; 53.83333333; 53.9; 53.91666667; 54; 54.08333333; 54.1; 54.16666667; 54.2; 54.25; 54.3; 54.33333333; 54.4; 54.41666667; 54.5; 54.58333333; 54.6; 54.66666667; 54.7; 54.75; 54.8; 54.83333333; 54.9; 54.91666667; 55; 55+; 55.08333333; 55.1; 55.16666667; 55.2; 55.25; 55.3; 55.33333333; 55.4; 55.5; 55.58333333; 55.6; 55.66666667; 55.7; 55.75; 55.8; 55.83333333; 55.9; 55.91666667; 56; 56.08333333; 56.1; 56.16666667; 56.2; 56.25; 56.3; 56.33333333; 56.4; 56.41666667; 56.5; 56.58333333; 56.6; 56.66666667; 56.7; 56.75; 56.8; 56.83333333; 56.9; 56.91666667; 57; 57.08333333; 57.1; 57.16666667; 57.2; 57.25; 57.3; 57.4; 57.41666667; 57.5; 57.6; 57.66666667; 57.7; 57.75; 57.8; 57.83333333; 57.9; 57.91666667; 58; 58.08333333; 58.1; 58.16666667; 58.2; 58.25; 58.3; 58.33333333; 58.4; 58.5; 58.58333333; 58.6; 58.7; 58.75; 58.8; 58.83333333; 58.9; 58.91666667; 59; 59.08333333; 59.1; 59.16666667; 59.2; 59.25; 59.3; 59.33333333; 59.4; 59.41666667; 59.5; 59.58333333; 59.6; 59.7; 59.75; 59.8; 59.83333333; 59.9; 59.91666667; 6; 60; 60 and over; 60.08333333; 60.1; 60.16666667; 60.2; 60.3; 60.33333333; 60.4; 60.41666667; 60.5; 60.6; 60.7; 60.75; 60.8; 60.83333333; 60.9; 60.91666667; 61; 61.1; 61.16666667; 61.2; 61.25; 61.3; 61.4; 61.5; 61.58333333; 61.6; 61.66666667; 61.7; 61.75; 61.8; 61.83333333; 61.9; 61.91666667; 62; 62.1; 62.16666667; 62.2; 62.25; 62.3; 62.33333333; 62.4; 62.41666667; 62.5; 62.58333333; 62.6; 62.66666667; 62.7; 62.8; 62.9; 62.91666667; 63; 63.08333333; 63.1; 63.2; 63.25; 63.3; 63.4; 63.5; 63.58333333; 63.6; 63.66666667; 63.7; 63.75; 63.8; 63.9; 63.91666667; 64; 64.08333333; 64.1; 64.2; 64.33333333; 64.4; 64.5; 64.58333333; 64.6; 64.7; 64.75; 64.8; 64.9; 64.91666667; 65; 65+; 65.1; 65.16666667; 65.2; 65.3; 65.4; 65.41666667; 65.5; 65.6; 65.66666667; 65.7; 65.75; 65.8; 65.83333333; 65.9; 65.91666667; 66; 66.1; 66.2; 66.3; 66.33333333; 66.4; 66.6; 66.7; 66.75; 66.8; 67; 67.08333333; 67.1; 67.2; 67.3; 67.4; 67.5; 67.58333333; 67.6; 67.66666667; 67.7; 67.9; 68; 68.2; 68.3; 68.33333333; 68.4; 68.5; 68.66666667; 68.7; 68.91666667; 69; 69.08333333; 69.3; 69.4; 69.7; 69.8; 69.9; 70; 70.08333333; 70.1; 70.2; 70.25; 70.4; 70.6; 70.7; 71.1; 71.3; 71.4; 71.5; 71.6; 71.9; 72.16666667; 72.5; 72.6; 72.75; 72.8; 73; 73.3; 73.6; 74.16666667; 74.2; 74.4; 75.7; 77.6; 79.25; 935.7; <20; <20 Years; <=25; >=60 Years; AAB00366417; AAB10011157; Baby Boomer; F; Gen X; Gen Y / Millennial; Less than 18; M; Traditionalist; Under 20; nan'</li><li>'age_band: 18-25; 20 - 29; 26-35; 30 - 39; 36-45; 40 - 49; 46-55; 50 - 59; 56 and above; 60 and over; Under 20; nan'</li></ul> | | 0 | <ul><li>'Employee_Gender: F; M; nan'</li><li>'O_Gender: F; Female; M; Male; U; Unknown; nan'</li><li>'Gender: -; 0; 1 Individual Contributor; 10 Individual Contributor; 119; 17; 18; 19; 20; 20-29; 21; 22; 23; 24; 25; 26; 27; 28; 29; 30; 30-39; 31; 32; 33; 34; 35; 36; 37; 38; 39; 40; 40-49; 41; 42; 43; 44; 45; 46; 47; 48; 49; 50; 50-59; 51; 52; 53; 54; 55; 56; 57; 58; 59; 60; 61; 62; 63; 64; 65; 66; 67; 68; 69; 70; 71; 72; 73; 74; 75; 76; 77; 78; 79; 8 Sr. Manager; 80; 81; 83; 88; 89; 9 Manager; 9 manager; 90; 91; 935; ?; Agender; Asian; Bay; Bayan; Choose not to respond; Contractor; D; DJO Export; Decline; Decline to State; Decline to answer; Decline to state; Director; Do Not Wish to Disclose; F; F ; FEMALE; FEMALE ; Female; Female ; Female ; Femenino; F√©minin; Gender; Gender Nonconforming; Gender non-conforming; Gender variant / non-conforming; I Choose Not to Self Disclose; I Choose not to Disclose; I DO NOT WISH TO SELF-IDENTIFY; I Prefer Not to Answer; I choose not to disclose; I choose not to reply; I decline to self-identify; I do not wish to Self-Identify; I prefer not to answer; I prefer not to say; I prefer to self-describe in another way:; Identity Not Listed; In Another Way; JOANNE STURGESS; JODIE FIDDES; M; M ; MALE; MASCOLINO; Make; Male; Male ; Male ; Masculin; Masculino; N; Non-Binary; Non-Binary/Third Gender; Non-binary; Non-binary / third gender; Non-binary/ third gender; Non-specific; Nonconform; None; Not Available; Not Declared; Not Declaring; Not Disclosed; Not SpeciFemaleied; Not Specifed; Not Specified; Not assigned; Not available; Not declared; Not known; Not_Declared; Not_declared; O; Other; Prefer Not To Answer; Prefer Not To Say; Prefer Not To Self-Identify; Prefer Not to Respond; Prefer Not to Say; Prefer not to answer; Prefer not to disclose; Prefer not to say; Prefer to self-describe; Reassigned; Sex; Transgender; Two or more races; U; UNKNOWN; Undeclared; Undisc; Undisclosed; Unknown; Unspecified; Unused: F; Unused: M; White; Withhold; [NONE]; f; female; m; nan; unknown; unknown '</li></ul> | ## Uses ### Direct Use for Inference First install the SetFit library: ```bash pip install setfit ``` Then you can load this model and run inference. ```python from setfit import SetFitModel # Download from the 🤗 Hub model = SetFitModel.from_pretrained("svorwerk/setfit-fine-tuned-demo-class_hpo") # Run inference preds = model("Emp_FLSA: E; N; P; V; X; nan") ``` <!-- ### Downstream Use *List how someone could finetune this model on their own dataset.* --> <!-- ### Out-of-Scope Use *List how the model may foreseeably be misused and address what users ought not to do with the model.* --> <!-- ## Bias, Risks and Limitations *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.* --> <!-- ### Recommendations *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.* --> ## Training Details ### Training Set Metrics | Training set | Min | Median | Max | |:-------------|:----|:---------|:-----| | Word count | 2 | 135.7721 | 6076 | | Label | Training Sample Count | |:------|:----------------------| | 0 | 5 | | 1 | 8 | | 2 | 24 | | 3 | 23 | | 4 | 2 | | 5 | 22 | | 6 | 12 | | 7 | 2 | | 8 | 6 | | 9 | 4 | | 10 | 8 | | 11 | 6 | | 12 | 8 | | 14 | 2 | | 16 | 4 | ### Training Hyperparameters - batch_size: (32, 32) - num_epochs: (1, 1) - max_steps: -1 - sampling_strategy: oversampling - body_learning_rate: (2e-05, 5e-06) - head_learning_rate: 0.002 - loss: CosineSimilarityLoss - distance_metric: cosine_distance - margin: 0.25 - end_to_end: True - use_amp: False - warmup_proportion: 0.1 - l2_weight: 0.01 - max_length: 500 - seed: 42 - eval_max_steps: -1 - load_best_model_at_end: True ### Training Results | Epoch | Step | Training Loss | Validation Loss | |:----------:|:-------:|:-------------:|:---------------:| | 0.0019 | 1 | 0.0936 | - | | 0.0973 | 50 | 0.0073 | - | | 0.1946 | 100 | 0.0009 | - | | 0.2918 | 150 | 0.0006 | - | | 0.3891 | 200 | 0.0002 | - | | 0.4864 | 250 | 0.0002 | - | | 0.5837 | 300 | 0.0003 | - | | 0.6809 | 350 | 0.0002 | - | | 0.7782 | 400 | 0.0004 | - | | 0.8755 | 450 | 0.0002 | - | | **0.9728** | **500** | **0.0006** | **0.0751** | * The bold row denotes the saved checkpoint. ### Framework Versions - Python: 3.10.12 - SetFit: 1.0.3 - Sentence Transformers: 2.2.2 - Transformers: 4.37.1 - PyTorch: 2.1.0+cu121 - Datasets: 2.16.1 - Tokenizers: 0.15.1 ## Citation ### BibTeX ```bibtex @article{https://doi.org/10.48550/arxiv.2209.11055, doi = {10.48550/ARXIV.2209.11055}, url = {https://arxiv.org/abs/2209.11055}, author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren}, keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences}, title = {Efficient Few-Shot Learning Without Prompts}, publisher = {arXiv}, year = {2022}, copyright = {Creative Commons Attribution 4.0 International} } ``` <!-- ## Glossary *Clearly define terms in order to be accessible across audiences.* --> <!-- ## Model Card Authors *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.* --> <!-- ## Model Card Contact *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.* -->
MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T20:26:40Z
54
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "l3utterfly/mistral-7b-v0.1-layla-v1", "pytorch", "en", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T20:17:53Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - l3utterfly/mistral-7b-v0.1-layla-v1 - pytorch - en - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./mistral-7b-v0.1-layla-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
rameezmrq/bert-refine
rameezmrq
2024-01-27T20:24:51Z
32
0
transformers
[ "transformers", "safetensors", "bert-refine", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2024-01-27T20:24:34Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
acon96/Home-1B-v2-GGUF
acon96
2024-01-27T20:18:22Z
37
5
null
[ "gguf", "automation", "home", "assistant", "text-generation", "en", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T20:13:41Z
--- datasets: [] license: cc-by-nc-4.0 language: - en tags: - automation - home - assistant pipeline_tag: text-generation --- # Home 1B v2 The "Home" model is a fine tuning of the Phi-1.5 model from Microsoft. The model is able to control devices in the user's house via a Home Assistant integragion. The fine tuning dataset a [custom curated dataset](https://github.com/acon96/home-llm) designed to teach the model function calling. The model is quantized using Lama.cpp in order to enable running the model in super low resource environments that are common with Home Assistant installations such as Rapsberry Pis. The model can be used as an "instruct" type model using the ChatML prompt format. The system prompt is used to provide information about the state of the Home Assistant installation including available devices and callable services. Example "system" prompt: ``` You are 'Al', a helpful AI Assistant that controls the devices in a house. Complete the following task as instructed with the information provided only. Services: light.turn_off(), light.turn_on(rgb_color,brightness), fan.turn_on(), fan.turn_off() Devices: light.office 'Office Light' = on;80% fan.office 'Office fan' = off light.kitchen 'Kitchen Light' = on;80%;red light.bedroom 'Bedroom Light' = off ``` Output from the model will consist of a response that should be relayed back to the user, along with an optional code block that will invoke different Home Assistant "services". The output format from the model for function calling is as follows: ````` turning on the kitchen lights for you now ```homeassistant { "service": "light.turn_on", "target_device": "light.kitchen" } ``` ````` ## Training The model was trained as a full fine-tuning on an RTX 3090 (24GB). It was trained for ~2x as many tokens as the v1 version of the model. ## Evaluation This model acheives a 88.52% score for JSON function calling accuracy on the test dataset. The v1 model acheives a 76.78% score on the same test. ## Datasets Snythetic Dataset for SFT - https://github.com/acon96/home-llm ## License This model is a fine-tuning of the Microsoft Phi model series (MIT License) and utilizes datasets thare are licensed under CC BY-NC-4.0. As such this model is released under the same non-commerical Creative Commons License. The fine-tuned model is shared FOR RESEARCH PURPOSES ONLY. It is not to be used in any sort of commercial capacity.
karawalla/aqtrainedmodel_20240126
karawalla
2024-01-27T20:14:47Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2024-01-27T20:14:41Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T20:07:45Z
40
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "openaccess-ai-collective/jackalope-7b", "pytorch", "en", "dataset:Open-Orca/OpenOrca", "dataset:LDJnr/LessWrong-Amplify-Instruct", "dataset:LDJnr/Pure-Dove", "dataset:LDJnr/Verified-Camel", "dataset:PygmalionAI/PIPPA", "dataset:meta-math/MetaMathQA", "dataset:riddle_sense", "arxiv:2306.02707", "arxiv:2301.13688", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T19:57:55Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - openaccess-ai-collective/jackalope-7b - pytorch - en - dataset:Open-Orca/OpenOrca - dataset:LDJnr/LessWrong-Amplify-Instruct - dataset:LDJnr/Pure-Dove - dataset:LDJnr/Verified-Camel - dataset:PygmalionAI/PIPPA - dataset:meta-math/MetaMathQA - dataset:riddle_sense - arxiv:2306.02707 - arxiv:2301.13688 - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./jackalope-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
mhenrichsen/danskgpt-tiny-chat
mhenrichsen
2024-01-27T19:59:53Z
184
12
transformers
[ "transformers", "pytorch", "safetensors", "llama", "text-generation", "generated_from_trainer", "conversational", "base_model:mhenrichsen/danskgpt-tiny", "base_model:finetune:mhenrichsen/danskgpt-tiny", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-06T18:30:04Z
--- license: apache-2.0 base_model: mhenrichsen/danskgpt-tiny tags: - generated_from_trainer widget: - text: "<|im_start|>system\nDu er en hjælpsom assistent.<|im_end|>\n<|im_start|>user\nHvad er skak?<|im_end|>\n<|im_start|>assistant" example_title: "Skak" - text: "<|im_start|>system\nDu er en hjælpsom assistent.<|im_end|>\n<|im_start|>user\nHvem har lavet dig?<|im_end|>\n<|im_start|>assistant" example_title: "Skaber" --- # DanskGPT-tiny-chat <img src="danskgpt-tiny-chat.webp" width="500" height="500"> DanskGPT-tiny-chat er chat-varianten af [mhenrichsen/danskgpt-tiny](https://huggingface.co/mhenrichsen/danskgpt-tiny) trænet på private chat datasæt. ## Model beskrivelse Modellen er beregnet til at være en lightweight version af DanskGPT, der kan køre på næsten alle enheder. ## Prompt template Modellen er trænet med ChatML format (samme som OpenAI's modeller), og skal bruges på følgende måde: ``` <|im_start|>system\nDu er en hjælpsom assistent.<|im_end|>\n<|im_start|>user\nHvad er skak?<|im_end|>\n<|im_start|>assistant ``` ## Inferens ### Ollama Installér ollama: https://ollama.ai/download Kør: ``` ollama run mhenrichsen/danskgpt-tiny-chat ``` ### vLLM ``` pip install vllm ``` ```python from vllm import LLM, SamplingParams sampling_params = SamplingParams(temperature=0.8, top_p=0.95, max_tokens=1024) llm = LLM(model="mhenrichsen/danskgpt-tiny-chat") system_message = "Du er en hjælpsom assistent." conversation_history = f"<|im_start|>system\n{system_message}<|im_end|>\n<|im_start|>user\n" while True: prompt = input("Bruger: ") new_prompt = f"{conversation_history}{prompt}<|im_end|>\n<|im_start|>assistant\n" outputs = llm.generate(new_prompt, sampling_params) for output in outputs: prompt = output.prompt generated_text = output.outputs[0].text print(f"AI: {generated_text!r}") conversation_history = f"{prompt}{generated_text!r}<|im_end|>\n<|im_start|>user\n" ``` ### Endpoint med openai ``` pip install openai ``` ``` python -m vllm.entrypoints.openai.api_server --model mhenrichsen/danskgpt-tiny-chat ``` og brugt som erstatning for OpenAI's endpoints: ```python from openai import OpenAI openai_api_key = "EMPTY" openai_api_base = "http://localhost:8000/v1" client = OpenAI( api_key=openai_api_key, base_url=openai_api_base, ) chat_response = client.chat.completions.create( model="mhenrichsen/danskgpt-tiny-chat", messages=[ {"role": "system", "content": "Du er en hjælpsom assistent. Giv mig et langt svar."}, {"role": "user", "content": "Fortæl mig om Danmark."}, ] ) print("AI:", chat_response) ``` ## Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.3599 | 0.0 | 1 | 1.4118 | | 0.7896 | 0.25 | 136 | 0.7813 | | 0.7339 | 0.5 | 272 | 0.7490 | | 0.7378 | 0.75 | 408 | 0.7285 | | 0.7112 | 1.0 | 544 | 0.7146 | | 0.6377 | 1.23 | 680 | 0.7135 | | 0.6192 | 1.49 | 816 | 0.7133 | | 0.5985 | 1.74 | 952 | 0.7073 | | 0.6067 | 1.99 | 1088 | 0.7026 | | 0.5139 | 2.22 | 1224 | 0.7167 | | 0.5099 | 2.47 | 1360 | 0.7193 | | 0.5217 | 2.72 | 1496 | 0.7168 | ## Brug for hjælp? Har du spørgsmål eller brug for hjælp til LLM'er eller automatisering af tekstbaserede opgaver, så kontakt mig gerne. /Mads
JandC/donut-base-full_text_wt_val_1008
JandC
2024-01-27T19:56:44Z
8
0
transformers
[ "transformers", "tensorboard", "safetensors", "vision-encoder-decoder", "image-text-to-text", "generated_from_trainer", "dataset:imagefolder", "base_model:naver-clova-ix/donut-base", "base_model:finetune:naver-clova-ix/donut-base", "license:mit", "endpoints_compatible", "region:us" ]
image-text-to-text
2024-01-26T15:49:50Z
--- license: mit base_model: naver-clova-ix/donut-base tags: - generated_from_trainer datasets: - imagefolder model-index: - name: donut-base-full_text_wt_val_1008 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # donut-base-full_text_wt_val_1008 This model is a fine-tuned version of [naver-clova-ix/donut-base](https://huggingface.co/naver-clova-ix/donut-base) on the imagefolder dataset. It achieves the following results on the evaluation set: - Loss: 0.1060 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 2 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.9227 | 0.2 | 100 | 0.6985 | | 0.6852 | 0.4 | 200 | 0.4421 | | 0.5102 | 0.6 | 300 | 0.3346 | | 0.4178 | 0.79 | 400 | 0.2886 | | 0.4476 | 0.99 | 500 | 0.2455 | | 0.2931 | 1.19 | 600 | 0.2287 | | 0.2647 | 1.39 | 700 | 0.2072 | | 0.2418 | 1.59 | 800 | 0.1905 | | 0.3031 | 1.79 | 900 | 0.1754 | | 0.2306 | 1.98 | 1000 | 0.1667 | | 0.2031 | 2.18 | 1100 | 0.1619 | | 0.1918 | 2.38 | 1200 | 0.1536 | | 0.1802 | 2.58 | 1300 | 0.1504 | | 0.1646 | 2.78 | 1400 | 0.1436 | | 0.1816 | 2.98 | 1500 | 0.1379 | | 0.1344 | 3.17 | 1600 | 0.1395 | | 0.1752 | 3.37 | 1700 | 0.1336 | | 0.1388 | 3.57 | 1800 | 0.1306 | | 0.1402 | 3.77 | 1900 | 0.1262 | | 0.1123 | 3.97 | 2000 | 0.1277 | | 0.144 | 4.17 | 2100 | 0.1248 | | 0.1077 | 4.37 | 2200 | 0.1226 | | 0.1134 | 4.56 | 2300 | 0.1186 | | 0.1192 | 4.76 | 2400 | 0.1179 | | 0.1142 | 4.96 | 2500 | 0.1194 | | 0.1426 | 5.16 | 2600 | 0.1202 | | 0.1022 | 5.36 | 2700 | 0.1165 | | 0.0815 | 5.56 | 2800 | 0.1164 | | 0.1096 | 5.75 | 2900 | 0.1166 | | 0.0866 | 5.95 | 3000 | 0.1121 | | 0.1148 | 6.15 | 3100 | 0.1122 | | 0.0771 | 6.35 | 3200 | 0.1129 | | 0.0996 | 6.55 | 3300 | 0.1096 | | 0.0622 | 6.75 | 3400 | 0.1099 | | 0.0985 | 6.94 | 3500 | 0.1092 | | 0.0684 | 7.14 | 3600 | 0.1097 | | 0.0669 | 7.34 | 3700 | 0.1086 | | 0.0624 | 7.54 | 3800 | 0.1088 | | 0.0763 | 7.74 | 3900 | 0.1069 | | 0.0579 | 7.94 | 4000 | 0.1060 | | 0.0623 | 8.13 | 4100 | 0.1083 | | 0.0599 | 8.33 | 4200 | 0.1058 | | 0.0625 | 8.53 | 4300 | 0.1073 | | 0.0499 | 8.73 | 4400 | 0.1059 | | 0.0628 | 8.93 | 4500 | 0.1059 | | 0.0684 | 9.13 | 4600 | 0.1063 | | 0.0472 | 9.33 | 4700 | 0.1056 | | 0.068 | 9.52 | 4800 | 0.1057 | | 0.06 | 9.72 | 4900 | 0.1062 | | 0.0636 | 9.92 | 5000 | 0.1060 | ### Framework versions - Transformers 4.38.0.dev0 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
wahdan99/q-FrozenLake-v1-4x4-noSlippery
wahdan99
2024-01-27T19:56:00Z
0
0
null
[ "FrozenLake-v1-4x4-no_slippery", "q-learning", "reinforcement-learning", "custom-implementation", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T19:55:57Z
--- tags: - FrozenLake-v1-4x4-no_slippery - q-learning - reinforcement-learning - custom-implementation model-index: - name: q-FrozenLake-v1-4x4-noSlippery results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: FrozenLake-v1-4x4-no_slippery type: FrozenLake-v1-4x4-no_slippery metrics: - type: mean_reward value: 1.00 +/- 0.00 name: mean_reward verified: false --- # **Q-Learning** Agent playing1 **FrozenLake-v1** This is a trained model of a **Q-Learning** agent playing **FrozenLake-v1** . ## Usage ```python model = load_from_hub(repo_id="wahdan99/q-FrozenLake-v1-4x4-noSlippery", filename="q-learning.pkl") # Don't forget to check if you need to add additional attributes (is_slippery=False etc) env = gym.make(model["env_id"]) ```
svorwerk/setfit-fine-tuned-demo-class
svorwerk
2024-01-27T19:47:05Z
52
0
setfit
[ "setfit", "safetensors", "mpnet", "sentence-transformers", "text-classification", "generated_from_setfit_trainer", "arxiv:2209.11055", "base_model:sentence-transformers/all-mpnet-base-v2", "base_model:finetune:sentence-transformers/all-mpnet-base-v2", "region:us" ]
text-classification
2024-01-27T17:48:35Z
--- library_name: setfit tags: - setfit - sentence-transformers - text-classification - generated_from_setfit_trainer metrics: - accuracy widget: - text: 'Acquisition Id: ALOG; Ancotel; Asia Tone; Bit-Isle; IXEurope; Infomart; Itconic; OGS; SafeGuard; Switch and Data; Telecity; Verizon; Virtu; Zenium; nan' - text: 'Emp_FLSA: E; N; P; V; X; nan' - text: 'Emp Grade: A; AA; AS 1; AS1; AS2; AS3; B; C; COM; D; E; E I; E II; E10; E11; E12; E13; E7; E8; E9; J01; J02; J03; J04; JS; MM I; MM II; N01; N02; N03; N05; N06; N07; N08; NE 2; NE 3; NE 4; NE 5; NE 6; NE1; NE2; NE3; NE4; NF; NG; Non-exempt; S; SA I; SA II; SA III; SA4; SA5; SE I; SE II; SM I; SM II; SP; SS; nan' - text: 'Loc State: AB; AL; AR; AZ; BC; CA; CO; CT; DC; DE; FL; GA; GTL; GTM; Gujarat; HI; IA; ID; IL; IN; KS; KY; Karnataka; LA; MA; MD; ME; MI; MN; MO; MS; MT; Maharashtra; NB; NC; ND; NE; NH; NJ; NM; NS; NV; NY; OH; OK; ON; OR; PA; PR; QC; RI; SA; SC; SD; TN; TX; UT; VA; VT; WA; WI; WV; WY; nan' - text: 'Supervisory Organization: 3 PL & Warehousing Management (Harald Dehe); 3 PL Management (Ryoichi Imamura (Inherited)); 3A-Modul (Arnd Vollmerhausen (Inherited)); 3A-Modul (Erkan nder); 3A-Modul (Erkan √ñnder); ABN ( Antibodies/NAT) (Thomas Roten); AD&V - Assay Development & Validation (Svenja Wolff); AESD Aurora Build Elec & Warehouse (Chris Askitis); AM Ural, Siberia & Far East (Anna Tov); AM Volga & South (Natalia Ivanova); ANI Region ICO (Ivaylo Vladimirov); APAC Payroll (Rohit Jain); API Manufacturing (Luke McIntyre); API Manufacturing (Ryan Cox (Inherited)); API Manufacturing (Union) (Luke McIntyre (Inherited)); API Manufacturing (Union) (Ryan Cox (Inherited)); AQL (Jens Huft); AS&T (Jeff Hancock); ASQ Analytical Sciences & Technology (Michael Sch√ºmann); ASQ Biochemistry (Sven Karschnia); ASQ Chemistry (Kerstin Nske); ASQ Chemistry (Kerstin N√∂ske); ASQ Compliance & Release (Angelika Jung); ASQ Data Integrity (Christoph Kircher); ASQ External Materials & Support (Angelika Jung); ASQ External Materials & Support (Simone Lang); ASQ Microbiology (Thomas Bhler); ASQ Microbiology (Thomas B√ºhler); ASQ Potency (Sven Karschnia); ASQ Potency (Volker Gawantka (Inherited)); ATR Financial Planning (John Sullivan); ATR General Accounting (Tanja Roth); AUS Government & Media Relations (Sharon McHale); Abfllteam 1 (Heiko Brhl); Abfllteam 2 (Sorin Suditu); Abfllteam 3 (Dirk Fischer); Abfllteam 4 (Heiko Stein); Abfllteam 5 (Eduard Wegner); Abfllteam 6 (Maik Jesberg); Abfllteam 8 (Murat Midik); Abf√ºllteam 1 (Heiko Br√ºhl); Abf√ºllteam 2 (Sorin Suditu); Abf√ºllteam 3 (Dirk Fischer); Abf√ºllteam 4 (Heiko Stein); Abf√ºllteam 5 (Eduard Wegner); Abf√ºllteam 6 (Maik Jesberg); Abf√ºllteam 7 (Holger Kuhl (On Leave)); Abf√ºllteam 7 (Holger Kuhl); Abf√ºllteam 8 (Murat Midik); Abilene 701 (Ophelia M Cavalier); Abilene 701 (Sara M Schuppe); Abilene 701 ACM Area 1 (Traci Bradford); Abilene 701 ACM Area 2 (Joel Hutsell); Abilene 701 QA (Wes Scruggs); Account to Report (Andrew Croft (Inherited)); Account to Report (Linda Carducci (Inherited)); Account to Report (Michael Kochanski); Accounting & Reporting (Jeffrey H Schorr); Accounting (Annalisa Saracchi (Inherited)); Accounting (Paul Fellingham (Inherited)); Accounting France (Charlotte Rougi (Inherited)); Accounting France (Charlotte Rougi√© (Inherited)); Accounting Geschftsbuchhaltung (Jens Dettbarn); Accounting Gesch√§ftsbuchhaltung (Jens Dettbarn); Accounting Operations (Brian T Simeur); Accounting Operations (Denna DeWitt); Accounting Operations (Manish Devnani); Accounting Operations (Patrick Zuercher); Accounting Operations 1 (Denna DeWitt); Accounts Payable & Receivable (Yvonne Robson); Accounts Payable (Brian T Simeur (Inherited)); Accounts Payable (Mark Staniford); Accounts Payable (Susan Velazquez); Accounts Receivable (Stephen Fairhurst); Accounts Team Lead (Rebecca Merrett); Acquired Bleeding & Critical Care Group (Mitsuhiro Kuwahara); Acquired Bleeding & Critical Care Group (Takashi Ishijima ??? ?? - ???? ????); Acquired Bleeding TA (Naoki Ikeguchi); Acting Manager, Innovation R&D (Chi Ong); Adaptive Clinical Trial Technologies (Liz Quinlan); Administration (Franz Gr√ºn); Administration (Juli Zhu ????); Administration (Sandy Tan ); Administration (Sandy Tan ?????); Administration Italy (Antonella Carluccio); Administration Italy (Cristina Fabbro); Administration/Production Support Subject Matter Expert (Justin Ryan); Administration/Production Support Systems Officer (Adam Kraan); Advertising (Raimund Wybranietz); Akron 402 (Joe Jacko); Akron 402 ACM Area 1 (LeAnna M Mauger); Akron 402 ACM Area 2 (Tonya R Robinson); Akron 402 ACM Area 3 (Brett Ferrell); Akron 402 QA (Carrie Piggford); Akron 402 QA (Christine Thomas); Akron 402 QA (Esence Hambrick); AlbuRX (Tom Hubert); AlbuRx (Barry Lynch); AlbuRx Bulk (Aoife Corrigan); AlbuRx Bulk Mfg (Joel Rainey); AlbuRx Packing (Carlo Volpe); Albumin & IVIG Lyo Bulkmanufacturin (Irne Stempfel); Albumin & IVIG Lyo Bulkmanufacturin (Ir√®ne Stempfel); Albumin (Fritz Rentsch); Albumin (Juerg Hofmaenner); Albumin Bulk Team 1 (Fritz Rentsch); Albumin Bulk Team 2 (Andreas L√ºdi); Albuquerque 034 (Latoya K Gilbert-Torres); Albuquerque 034 ACM Area 1 (Dee Ulibarri); Albuquerque 034 ACM Area 2 (Gerardo Ruelas); Albuquerque 034 QA (Antoinette F Tapia); Albuquerque 137 (Preston W Minor); Albuquerque 137 ACM Area 1 (Brian Trujillo); Albuquerque 137 ACM Area 2 (Melisa R Cox); Albuquerque 137 QA (Daniel Venn); Albuquerque 137 QA (Danny Kinder); Albuquerque 137 QA (Kelsey Gaffney); Alcohol Inventory (Union) (Michael D Proctor); Allentown 294 (Susan Tudela); Allentown 294 QA (Mercy Cobbinah); Allergy National Sales Team (Lea Leon); Allergy National Sales Team (Lea Rajendran); Alliance and Governance (Andrea Lehmann); Alliance and Project Management Systems (Jos√© Maldonado); Amarillo 283 (Jerica Hunter); Amarillo 283 ACM Area 1 (Nicole Taylor); Amarillo 283 ACM Area 1 (ROBERT WILLIAMS); Amarillo 283 ACM Area 2 (Nicole Taylor); Amarillo 283 ACM Area 2 (ROBERT WILLIAMS); Amarillo 283 QA (Michael L Allen); America''s Service Desk (Delilah Harden); Americas HR Ops Tier 1 (Alana DeWeever); Americas HR Ops Tier 1 (Monica Silveira); Americas Service Delivery and Plasma Tech (David G Bersch); Americas Service Operations (Mary Jane McPherson); Analytical Development (Jayendra Shankar); Analytical Drug Product Development (Jiang Qian); Analytical Science & Technology (Oliver Lffler); Analytical Science & Technology (Oliver L√∂ffler); Analytical Science & Technology Holly Springs (Jeffrey Pederson (Inherited)); Analytical Science & Technology Holly Springs (Jessica Gambill); Analytical Science & Technology Liverpool (Jeff Hancock); Analytical Science & Technology Liverpool (Jeffrey Hancock); Analytical Science & Technology Parkville (Tim Karla); Analytical Services Quality (Simone Naruhn); Analytical Services Quality (Volker Gawantka); Analytical Software Technology 2 (Jan Bursy); Analytics R&D (Patrick Schuetz); Animal Services Manager (Phil Franchina); Animal Services Manager (Rachel Borg, Phil Franchina); Animal facility 2 (Elmar Raquet); Anlagensicherheit & Konzessionen (Jrgen Arnold); Anlagensicherheit & Konzessionen (J√ºrgen Arnold); Application Security (Riti Arya); Applications, Plateau (Mark S Mantarian); Applications, Plateau (Trevor Alcorn); Applications, Plateau I (Trevor Alcorn); Apprentices (Kevin Liechti); Apprentices and Trainees ES (Rolf Isenschmid); Apprenticeship (Sandra Zbinden); ArbEG (Beate Binsack); Arbeitssicherheit (zcan Campinar (Inherited)); Arbeitssicherheit (√ñzcan Campinar (Inherited)); Area Business Manager 725 (Danielle Traum); Area Business Manager 725 (Eva Merce Maldonado); Area Business Manager 725 (Nick Croton); Area Business Manager 726 (Cameron McCulloch); Area Business Manager 728 (Graham Cluley); Area Business Manager 781 (Danielle Traum); Area Business Manager 781 (Helen Kostopoulos); Area Business Manager 783 (Melissa Weier); Area Business Manager 785 (David Clapin); Area Business Manager 786 (David Brown); Area Business Manager 786 (Peter Moxham); Area Innovation Operations (Cole D Kimple); Argentina Cluster (Carmen Pereyra (Inherited)); Argentina Cluster (Carmen Rosa Pereyra Davila (Inherited)); Artwork Packaging (Ratana Lim); Arvada 129 (Colleen A Irish); Arvada 129 ACM Area 1 (Robert Young); Arvada 129 ACM Area 2 (Jason T Studtmann); Arvada 129 QA (Alfredo Castillo (On Leave)); Arvada 129 QA (Alfredo Castillo); Aseptic Cert (Anja Djordjevich); Aseptic Cert (Grace Luong); Aseptic Filling (Benjamin Dudok); Aseptic Filling I (Eveline Kindler (Inherited)); Aseptic Filling Team (Terry Shipway); Aseptic Processing & SIAG (Laurent Wagner); Aseptic Processing & SIAG (Steffen Korth); Asia Operations (Felix Soh); Asia Operations (Richard Kwan ?????); Asia Pacific Tax (Aoife Deane); Asia Pacific Tax (JOON YONG); Asia South Marketing (Natalie Ku); Asia South Medical Affairs (Narendra Patil); Asia-Pacific Business Integrity (Angelia Lee); Asia-Pacific Commercial Operations (Paul Li); Asia-Pacific Demand Planning (James Lee ?????); Asia-Pacific Marketing and Medical Affairs (Peter Chow); Asia/Pac Service Operations (Joe Razavi); Asia/Pac Tech (Juerg Clavadetscher (Inherited)); Assay Development and Analytics, Gene Therapy, Flow Cytometry (Ann George); Assay Development and Optimization I (Mirna Rapp); Assay Development and Optimization II (Rainer Straub); Assay Support Group (Stefan Kempf); Asset Compliance (Keith Champion); Assets Management and Governance (Stefano Siviero); Assistant Supply Chain Management (Manuela Lacher); Associate Director, R&D Ops (Christine Wadey); Associate Sales Director 798 (Ray Friedrich); Auburn 183 (Cherita Saulmarshall); Auburn 183 (Joshua Killingsworth); Auburn 183 ACM Area 1 (Tiffany Johnson); Auburn 183 ACM Area 2 (Ashley Bentley); Auburn 183 QA (Melodee C Ebel (Inherited)); Auburn 183 QA (Stephanie Baptiste); Auburn 183 QA (Timothy J Nisewonger); Audit & Compliance Management (Christina Berninger); Audit & Quality Risk Management (Christina Berninger); Audit & Quality Risk Management (Rainer Bier); Auditing and Inspections (Jenny Cavanagh); Auftragsvorbereitung & -koordination (Horst Kraus); Augusta 253 (Kristopher Collier); Augusta 253 ACM Area 1 (Kristopher Collier (Inherited)); Augusta 253 ACM Area 1 (Tomecia Tillman); Augusta 253 ACM Area 2 (Jonathan Lewis); Augusta 253 QA (Dave Anderson); Augusta 253 QA (Pamela DeLucia); Aurora 702 (Kevin J Lawley); Aurora 702 (Keyonna L Gray); Aurora 702 ACM Area 1 (Virginia L Garnica); Aurora 702 ACM Area 2 (Theresa M Couture); Aurora 702 QA (Fernanda Nistal); Aurora 702 QA (Nan Nistal); Automated VI (David Kuhs); Automation (Adrian Marti); Automation (Christopher Parlane); Automation (Frank Mastellone); Automation (Jrgen Dersch); Automation (J√ºrgen Dersch); Automation (Stefan Sigrist); Automation Instrumentation (Ludovic Le Reste); Automation Systems Engineer (Magan Lai); Automation Systems Manager (Cornell D''Couto); Automation and Electrical Systems (Lou Corvetti); Automation and Electrical Systems (Matt Downey); Automation and Electrical Systems (Zoran Hadzi-Nikolov); Automatisierungstechnik (Andreas Tement); Automatisierungstechnik (Jens Laucht); BCI Team 1 (Frank Ludwig); BCI Team 2 (Markus Plociennik); BCI Team 2 (Ralf Kolley); BCI Team 3 (Torsten Hrtl); BCI Team 3 (Torsten H√§rtl); BFX8 (Donnie Daugherty); BFX8 (Victor Vazquez); BMS (Jan Klee); BPA Holly Springs (Luke McMahon); BPA Holly Springs (Paul Parske); BPA Liverpool (Andrew Holland); BRM Batch Release Management (Joachim Leiss); BRR & QoF (Natalie Windel); BRS Batch Release Support (Hans-Tobias Deinzer); BT - Quality & Manufacturing Applications (Robert Price); BT Applications (BI-Analytics) (John Thompson (Inherited)); BT Applications (BI-Analytics) II (Johnny F Helms Jr); BT Applications (BI/Analytics) (Johnny F Helms Jr); BT Applications (Bern) (Andrew Matys); BT Applications (Business Applications) (Jesse R Crew); BT Applications (Coallaboration-BI Bern) (Christophe Fuchs); BT Applications (Coallaboration/BI Bern) (Christophe Badertscher); BT Applications (ComOps) (Natasha Reantillo); BT Applications (ComOps) 2 (Francis Azul); BT Applications (DMS) (Johannes Lichtenfels); BT Applications (DMS/Bern) (Johannes Lichtenfels (Inherited)); BT Applications (DMS/MBR) (Johannes Lichtenfels (Inherited)); BT Applications (Daniel R Rodgers); BT Applications (Data Services) (Thomas Walther (On Leave)); BT Applications (Data Services) (Thomas Walther); BT Applications (Data Warehouse) (Bhanu Vereddigari); BT Applications (Manuf.-Quality Bern) (Marcel Hadorn); BT Applications (Manuf./Quality Bern) (Marcel Hadorn); BT Applications (Sean O''Connor); BT Applications (Web Apps) (James Briggs); BT Applications (Web Ops) (Ross Bovenkerk); BT Applications BI (MBR) (Manuel Schaub); BT Applications CSL Plasma (Boca) (Cindy K Elliott); BT Applications CSL Plasma (MBR) (Gerhard Vogel); BT Applications CSL Plasma (MBR) (Hubert Diehl); BT Applications Corporate Functions (Kartik Tavargeri); BT Applications DMS (Boca) (Barbara L Youngling); BT Applications DMS (Boca) (Becky Heatherman); BT Applications DMS (Boca) (Brandi Kennedy); BT Applications DMS (Boca) (John Di Anni); BT Applications DMS (Boca) I (Barbara L Youngling); BT Applications DMS (Boca) II (Brandi Kennedy); BT Applications DMS (Boca) III (Malinda Hargitt); BT Applications EU (Markus Nickel); BT Applications Finance and Risk (Jesse R Crew (Inherited)); BT Applications LIMS & Local Apps (Boca) (Ram Jadvani); BT Applications Logic (DMS) (MBR) (Gerhard Vogel (Inherited)); BT Applications Manuf.-Quality MBR (Chris Camilleri); BT Applications Manuf./Quality MBR (Chris Camilleri); BT Applications Manuf./Quality MBR (Martin Hopp (Inherited)); BT Applications Quality (Andy Chung (Inherited)); BT Applications Quality (MBR) (Martin Hopp); BT Applications Quality (Ted Schmidt); BT Applications R&D (MBR) (Christoph Kraus); BT Applications, HRIS (Kent Riddell); BT Apprentices (Michel M√ºller); BT Apprentices (Ueli Niederhauser); BT Commercial Compliance Apps (Chunlei Liao); BT DEV Applications (Janek Geil); BT Enterprise Applications EPPM (Eltis Wong WongKeung Fai); BT Enterprise Applications ¬ñ EPPM (Elizabeth Cataldo); BT Enterprise Applications ¬ñ EPPM (Eltis Wong ?WongKeung Fai?); BT Enterprise Site Mgmt and Quality (Don Konemann); BT Infrastructure (AUS) (Michael Fugaro); BT Infrastucture (China Ruide) (Michael Fugaro (Inherited)); BT Operational Excellence (Jeffrey Walker); BT Operational Excellence (Markus Wotruba); BT Operations Parkville (Nick Witnish); BT Portfolio Management (Julia Naake); BT Quality (Astrid Tr√ºmper); BT Quality (BRN) (Valrie Progin-Meyer); BT Quality (BRN) (Val√©rie Progin-Meyer); BT Quality (MBR) (Jutta Weiss); BT Quality (Michelle Lemasters); BT Quality 2 (Jill L Rieken); BT Quality Applications (QMS) (Jeff Senley); BT Quality KoP (Chantelle Marie Otto); BT Quality Manager (Astrid Tr√ºmper (Inherited)); BT Quality Manager (Irene Ragel); BT Quality Manager (Travis Newing); BT Site Delivery (Sven Brske); BT Site Delivery (Sven Br√ºske); BT Source-To-Pay Apps (Charles Warman); BT Source-To-Pay Apps (Jochen Preis); BT Source-To-Pay Apps (Satish Mohan Gudipalli); BT operational excellence (Markus Wotruba); BT-Serialisation (Ramanand Lanka); BTQ Biotech Quality (Barbara Wegscheid); BTQ Biotech Quality (Ulrich Eberhard); Bacteriology (Benny Hung); Bacteriology (Karthy Santhosh); Bacteriology (Niharika Pathak); Baltimore 166 (Mario A Salas); Baltimore 166 (Robert Centennial); Baltimore 166 ACM Area 1 (Dami Alimi); Baltimore 166 ACM Area 2 (Gary Rivers Jr); Baltimore 166 QA (Briesha Smith); Baltimore 166 QA (Monica Brown (On Leave)); Baltimore 166 QA (Monica Brown); Base Fractionation (Anthony Kaye); Base Fractionation (Brendan Hilliard); Base Fractionation (Ernest Shepard (Inherited)); Base Fractionation (George Makris); Base Fractionation (Parish McKenzie); Base Fractionation (Roy Taylor); Base Fractionation Operations (Shane Bourne); Batch Release (Anthony Day); Batch Release Management (Constanze Buchter); Batch Release Management (Nicole Ast); Batch Release Support (Christine Schneider); Batch Release Support QAI (Daniel Kalb); Baytown 086 (Brian T Edwards); Baytown 086 (Darriel Clark); Baytown 086 ACM Area 1 (Rachel I Ramirez); Baytown 086 ACM Area 1 (Tara West); Baytown 086 ACM Area 2 (Elizabeth Morales); Baytown 086 ACM Area 2 (Rebecca Rogers); Baytown 086 QA (Monica Banuelos); Beloit 005 (Jesus A Castillo (Inherited)); Beloit 005 (Kristin R Swain); Beloit 005 ACM Area 1 (Eric M Cook); Beloit 005 ACM Area 2 (John Miles); Beloit 005 QA (Patty Justus); Berufliche Erstausbildung (Carmen Walldorf); Berufliche Erstausbildung (Doris Nake); BioAnalytical Sciences Routine (Ashraf Raza); Bioanalytical Sciences (Aaron Hahn); Bioanalytical Sciences (Alice Andreu); Bioanalytical Sciences (Andreas Meister); Bioanalytical Sciences (Bo An); Bioanalytical Sciences (Christophe Pical); Bioanalytical Sciences (Clare Elizabeth Shepherd); Bioanalytical Sciences (Craig Kyngdon); Bioanalytical Sciences (Cristina Baker); Bioanalytical Sciences (Cristina Torres-Arce); Bioanalytical Sciences (David Boerema); Bioanalytical Sciences (Jennifer La); Bioanalytical Sciences (Laura Cortes Castrillon); Bioanalytical Sciences (Lee Xin Chong); Bioanalytical Sciences (Lucy Cao (Inherited)); Bioanalytical Sciences (Lucy Cao ); Bioanalytical Sciences (Lucy Cao ?????); Bioanalytical Sciences (Michael Johnston) (52388204); Bioanalytical Sciences (Ralf Ottofuelling); Bioanalytical Sciences (Rodney Holmes); Bioanalytical Sciences (Saw Yen Ow); Bioanalytical Sciences (Theresa Qiu); Bioanalytical Sciences (Vincent Strangis); Bioanalytical Sciences, LCM (Minyao Tang ?????); Bioanalytical Sciences, Lab Ops (Jinsong Zhao ?????); Bioanalytics & Fermentation (Partho Halder); Bioanalytics, Gene Therapy (Gene-Errol Ringpis); Bioassay Group (Souravi Ghosh); Biochemical Quality Control (Andreas Affolter); Biochemical Quality Control (BCAD) (Mirjam Kuehne Sebaste); Biochemical Quality Control (BCQC) (Kathrin Minnig Gsponer); Biochemical Quality Control (BCQC) (Sten Strunze); Biochemical Quality Control (Sandra Kampczyk); Biochemical Quality Control (Sten Strunze); Biochemistry (Bjrn Hegemann); Biochemistry (Bj√∂rn Hegemann); Biochemistry (Marius Loetscher); Biochemistry (Monika Edler); Biochemistry 4 (Thomas Gentinetta); Bioinformatics & AI (Arthur Hsu); Bioinformatics & AI (Monther Alhamdoosh); Biological Analytcs R&D (Roland Zehnder); Biological Analytical Development (Simon Urwyler); Biological Quality Control (BQC) (Michael Molitor); Biologielaboranten (Carmen Walldorf (Inherited)); Biologielaboranten (Doris Nake (Inherited)); Biology Animal Group (Preston Eilders); Biology Lab (Catherine A Moody); Biology Lab (Preston Eilders); Biology Lab I (Preston Eilders); Biology Quality Control (BQC) (Michael Molitor); Bioprocess Development & Innovation (Erik Hinze); Bioprocess Development (Vicky Pirzas); Bioreactor Development (Sara Ladd); Bioreactor Development (Tizita Horning); Bioreactor Development 1 (Tony Hunt); Bioreactor Development 2 (Eric Zhu); Biostatistics Transplantation (Aparna Raychaudhuri (Inherited)); Biostatistics & Medical Writing, R&D JAPAN (Takashi Fukai - ); Biostatistics & Medical Writing, R&D JAPAN (Takashi Fukai ??? ?? - ??? ????); Biostatistics (Fang Xie); Biostatistics (Michael Fries); Biostatistics - Aquired Bleeding, Coagulation, Respiratory (Michael Fries); Biostatistics - Cardiovascular (Mark Heise); Biostatistics - Immunology and Inflammation (John-Philip Lawo); Biostatistics and Medical Writing (LOTHAR TREMMEL); Biostatistics and Medical Writing (Lothar Tremmel); Biostatistics ¬ñ Cardiovascular and Metabolic (Mark Heise); Biostatistics ¬ñ Innovation (Sergei Leonov); Biostatistics ¬ñ Transplantation (Aparna Raychaudhuri); Biostatistics ¬ñ Transplantation (Fang Xie (Inherited)); Biostatistik (Marcel Mischnik); Biotech Manufactuirng Facility (Christoph Hau√ümann); Biotech Manufactuirng Facility (Philip Elliott); Biotech Manufacturing (Aleksandar Hristov); Biotech Manufacturing (Brett Bohr); Biotech Manufacturing (Fraser Goodwin); Biotech Manufacturing (Peter Cloyd Belandres); Biotech Manufacturing (Peter Florey); Biotech Manufacturing (Steven Jacovou); Biotech Manufacturing 1 (Steven Jacovou); Birmingham 259 (Sam Whitehead); Birmingham 259 ACM Area 1 (Meredith Y Lundie); Birmingham 259 ACM Area 2 (AJ Johnson); Birmingham 259 QA (Noelle Teague); Bloomington 127 (Ashley B Fearnall); Bloomington 127 (Xang Vang); Bloomington 127 ACM Area 1 (Loryna Williams); Bloomington 127 ACM Area 2 (Kayla L Stueber); Bloomington 127 ACM Area 2 (Kirsten M Heller); Bloomington 127 QA (Karen R Soderberg); Bloomington 241 (Kevin Smith); Bloomington 241 ACM Area 1 (Anna Whitman); Bloomington 241 ACM Area 2 (Kevin Smith (Inherited)); Bloomington 241 ACM Area 2 (Michele Morison); Bloomington 241 QA (Ben Samarripas (Inherited)); Bloomington 241 QA (Ryan Caudill-Laughlin); Boca Field Services (Javier Lopez); Boca Field Services (Julio Feliciano); Boise 227 (Ash Senters); Boise 227 (Ashley Senters); Boise 227 (Carl Seelert); Boise 227 (Timothy Freeland Jr (Inherited)); Boise 227 ACM Area 1 (Camille Snow); Boise 227 ACM Area 2 (Travis Richardson (On Leave)); Boise 227 ACM Area 2 (Travis Richardson); Boise 227 QA (Derek Erhart (Inherited)); Boise 227 QA (Miles Veater); Brand Manager (Judith Vico); Brand Manager 745 (Genevieve Nihill); Breakthrough Technologies (Axel Dietrich); Breakthrough Technologies (Hung Pham); Breakthrough Technologies (Nathan J Brinkman); Breakthrough Technologies I (Laura Keigher); Brewer 503 (MacGregor Roy); Brewer 503 ACM Area 1 (Stephen R Coltharp); Brewer 503 ACM Area 2 (Katherine Ragia); Brewer 503 QA (Marc Stephens); Brownsville 113 (Jose L Dela Garza (Inherited)); Brownsville 113 (Nick Caballero); Brownsville 113 ACM Area 1 (Alfonso Gutierrez); Brownsville 113 ACM Area 2 (Robert Miranda); Brownsville 113 ACM Area 3 (Brenda Z Garcia); Brownsville 113 ACM Area 4 (Hector F Amaya); Brownsville 113 QA (Francisca Z Lopez); Brownsville 113 QA (Laura L Escalante); Brownsville 113 QA (Rosa E Mercado (Inherited)); Brownsville 114 (Anthony A Almaguer); Brownsville 114 (Osiel E Selvera); Brownsville 114 ACM Area 1 (Roy Madero); Brownsville 114 ACM Area 2 (Amanda Millan); Brownsville 114 ACM Area 3 (Melissa Medrano); Brownsville 114 ACM Area 4 (Maria A Garcia); Brownsville 114 QA (Joanna M Franco); Brownsville 135 (Francisca Z Lopez); Brownsville 135 (Nick Caballero); Brownsville 135 ACM Area 1 (Severita Williams); Brownsville 135 ACM Area 2 (Oralia M Vasquez); Brownsville 135 ACM Area 3 (Claudia Uribe Resendiz); Brownsville 135 QA (Alma E De Los Santos De Gonzalez); Brownsville 135 QA (Britney Castillo); Buffalo 239 (Nicholas Liberati); Buffalo 239 (Renaye Hecker); Buffalo 239 ACM Area 1 (Kimberly Lubecki); Buffalo 239 ACM Area 2 (Carol Palaszewski); Buffalo 239 QA (Nicholas Liberati); Buffalo 239 QA (Olivia Bejaran); Buffer Preparation (Benjamin Gr√ºn); Buffer-Production (Bernd Grau); Building 21 South (Brock A Boudreau); Building 21 South (Parish McKenzie (Inherited)); Building 21S (Union) (Brock A Boudreau); Building 21S (Union) (Parish McKenzie (Inherited)); Building 30 (Brock A Boudreau); Building 30 (Parish McKenzie (Inherited)); Building 30 (Union) (Brock A Boudreau); Building 30 (Union) (Parish McKenzie (Inherited)); Buildings & Prop Coord 256 (Ray Belli); Bulk (Markus Weber); Bulk Manufacturing (Freddie Wayne West); Bulk Manufacturing (Gregory Taylor); Bulk Manufacturing (Patricia Stewart (Inherited)); Bulk Manufacturing (Ryan Cox); Bulk Mechanical Team (Matthew Johnson (Inherited)); Bulk Mechanical Team (Mohamed Tubar); Bulk Mfg (Joel Rainey (Inherited)); Bulk Mfg (Katerina Petreska); Bulk Mfg (Mahmoud Lasheen); Bulk Mfg (Matt Thompson); Bulk Mfg (Tom Vick); Bulk Mfg (Tri Nguyen); Bulk Process Technology (Andreas Grter); Bulk Process Technology (Andreas Gr√ºter); Bulk Process Technology (Rene Boros); Bulk Utilities (Michael D Proctor); Burlington 512 (Lynn M Stratton); Burlington 512 ACM Area 1 (Kay Harris); Burlington 512 ACM Area 2 (Danica Johnson); Burlington 512 QA (Sharleen Dunn); Bus. Svcs, Project Edge (John Dinatale); Business (Camilla Shen); Business Analytics (Joseph Smith); Business Analytics (Venkatesh Ramakrishnan (Inherited)); Business Applications (Anu Thampi); Business Applications (Charles Lowe); Business Development (Evgeniy Glukhovskiy); Business Development (Simone Parkes); Business Insights & Analytics (Nitin Bhatnagar (Inherited)); Business Insights & Analytics (Shital Patel); Business Insights & Operations (Lynda Kulp); Business Integrity (Christine Zettlemoyer); Business Integrity Intercontinental (Bella Hovhannisyan Melkonyan (Rafael)); Business Integrity and Privacy Program (Sarah McHenry); Business Integrity and Risks (Karen Neave); Business Integrity and Risks (Kelly Scott); Business Operations (Harald Mller); Business Operations (Harald M√ºller); Business Operations (Laura Attride); Business Operations (Paul Jens); Business Operations EU (Heidi Sun); Business Partner Support (Anika Wagner); Business Partnering Holly Springs (Carey Vassallo); Business Partners (Christine Toth); Business Partners (Jacqueline Hawkins (Inherited)); Business Planning Group (Junya Morinaga - ); Business Planning Group (Junya Morinaga ??? ?? - ???? ?????); Business Planning Group (Makoto Miura (Inherited)); Business Planning Group (Yuichiro Sakagami); Business Process & Technology (Joseph Elicone); Business Process & Technology (Maureen Martini); Business Process (Christian Sonderegger); Business Process Excellence (Manuel Schaub); Business Process Excellence Global Training (Reed Johnston); Business Process Management (BPM) (GAFOOR SARANG); Business Process OTC (Kian Hartono); Business Process S2P (Simon Haemmerli); Business Processes & Data Mgt (Barbora ?√°chov√°); Business Processes & Data Mgt (Barbora chov); Business Processes (Boris Kaiser); Business Processes (Hans Raess); Business Processes (Thomas Romanus); Business Productivity (Scott A Ramseyer); Business Services (David H Confessore); Business Services (Ken Lim); Business Services Enterprise Business Solutions (David Wolozyn); Business Services and Demand Planning, APAC (Uli Kiefer); Business Support (Christian Schnabel); Business Support (Lisa Bartol); Business Support (Walter Aebersold); Business Technology (Boca) (Rob Klostermeyer); Business Technology (Jesse R Crew (Inherited)); Business Technology (Sharon Wong ); Business Technology (Sharon Wong ?????) (Sharon Wong ?????); Business Unit Director (Susan Snowball); Business Unit Manager (Natasha Hutchison); CAB & Digital Marketing Group (Narihiko Suenobu); CAD (Erwin Vonlanthen); CD Clinical Quality Control & Compliance (Larry Fish); CDS - Computerized Data & Systems (Christoph Kircher); CEQ Management (Barry Lynch); CI & QC Compliance (Lisa Marie Malcharek (Inherited)); CI & QC Compliance (Lisa Marie Malcharek); CI & QC Compliance (Thomas Wescombe); CI & QC Compliance (Thomas Wescombe) (Thomas Wescombe); CMC (Jason Newman); CMC Lead (Andrew White); CMC Lead (Dirk Bruns-Nagel); CMC Lead (Mackenzie Firer Sherwood); CMC Lead (Max Stuart Corbett); CMC Lead (Paul Smrdelj); CMC RA Group (Hideaki Hoshi ?? ?? - ?? ?????); CMC RA Group (Koichiro Kase - ); CMC Site Lead (Richard Buchta); CMO (Metani Rooms); CMO Management & Technology (Sabine Zollner); CMO Office (Vicki Oosterbaan); CO Diverse (Eddie Owens (Inherited)); CO Diverse (Edward Owens (Inherited)); CORE Operations - Canada (Constantina Boikos); CPAT (Kelly Helebrant); CPAT CVM - H&T (Uli Frevert); CPAT CVM / H&T (Uli Frevert); CPAT Internship Program I (Alissa Verone-Boyle (On Leave)); CPG Business Services (Michael Engelmann); CPG Center Berlin (Frank Bernert); CPG Center Bielefeld (Frank Bernert); CPG Center Braunschweig (Frank Bernert); CPG Center Bremen (Frank Bernert); CPG Center Gttingen (Frank Bernert); CPG Center G√∂ttingen (Frank Bernert); CPG Center Kiel (Frank Bernert); CPG Center Nrnberg (Frank Bernert); CPG Center N√ºrnberg (Frank Bernert); CPG Finance & Planning (Gerhard Mbus); CPG Finance & Planning (Gerhard M√∂bus); CPG Human Resources (Christine Debellis); CPG LQK Labor (Bettina Flotho-Salzmann); CPG Manager Serologisches Labor (Astrid Mather); CPG Medical Director (Kirsten Seidel); CPG Operations Management (Frank Bernert); CPG Planning (Achim Wagner); CPG Plasma Einkauf (Michael Engelmann (Inherited)); CPG Plasma Logistics (Klaus Rolshausen); CPG QA Case Processing Management (Ute Cherfan (Inherited)); CPG QA Center Operations (Ute Wessels); CPG QA Center Systems (Kerstin Kaddatz); CPG QA PLC Operations (Oliver Gro); CPG QA PLC Operations (Oliver Gro√ü); CPG QA Plasma Quality EU (Sascha Platt); CPG QA Plasma Quality QMB (Oliver Gro√ü (Inherited)); CPG QA Plasma Supplier Qualification (Ute Cherfan); CPG QA Plasma Supply Chain (Francesc Pont (Inherited)); CPG QA Plasma Supply Chain (Justin K Zajc); CPG QA Regulatory Affairs (Mandy Htzel); CPG QA Regulatory Affairs (Mandy H√∂tzel); CPG QA Supplier Qualification Management (Ute Cherfan (Inherited)); CPG QMB Center Operations (Ingrid Wallenwein (Inherited)); CPG QMB Center Operations (Ute Wessels (Inherited)); CPG Qualified Person (Margit El Azhari); CR&D Clinical Coagulation (Andres Brainsky); CRD Business Operations (Brian Dudt); CRD Business Operations (Walter Young); CRD Business Operations I (Craig Coffman (Inherited)); CRM Operations (Vinita Raina); CSL (Paul R Perreault); CSL 112 (Union) (Derek Butler); CSL Behring AG Bern (Martin Schaeren); CSL Behring AG Bern (Pierre Caloz); CSL Behring Broadmeadows (Martin Schaeren); CSL Behring Broadmeadows (Patricia Stewart); CSL Behring Broadmeadows II (Martin Schaeren); CSL Behring LLC Kankakee (Jose Gonzalez); CSL Behring LLC Kankakee (Patricia Stewart); CSL Behring LLC Kankakeee II (Patricia Stewart (Inherited)); CSL Behring Lengnau (Boris Lanoir); CSL Behring Marburg (Craig Shelanskey); CSL Behring Marburg (Michael Schrder); CSL Behring Marburg (Michael Schr√∂der); CSL Behring Pay Services (Susan M Walker); CSL Behring RCF Lengnau (Susanne Jecklin); CSL Behring RCF Lengnau II (Susanne Jecklin (Inherited)); CSL Behring Trademarks (Frank Schne-de la Nuez); CSL Behring Trademarks (Frank Sch√∂ne-de la Nuez); CSL Plasma (Craig Shelanskey); CSL Plasma (Michael F Deem); CSL Plasma (Willy Pardinas, Craig Shelanskey); CSL Plasma - Finance (Chris Shane); CSL Plasma - Finance (Christopher Shane); CSL Plasma / Engineering (Jrg Walz); CSL Plasma / Engineering (J√∂rg Walz); CSL Plasma GmbH (Berthold Ssser); CSL Plasma GmbH (Berthold S√ºsser); CSL Plasma GmbH HR (Berthold Ssser (Inherited)); CSL Plasma GmbH HR (Berthold S√ºsser (Inherited)); CSL Plasma II (Michael F Deem (Inherited)); CSL Plasma Kft. Hungary (Pankotai Tams); CSL Plasma Kft. Hungary (Pankotai Tam√°s); CSL Plasma US PLC Whitestown (Kristofor M Stauch); CSL Plasma US ¬ñ PLC Whitestown (Kristofor M Stauch); CSL Ruide Wuhan Manangement (David Chen ); CSL Ruide Wuhan Manangement (David Chen ?????); CSL Wuhan Plasma Operations (Jason Xu ?????); CSL Wuhan Ruide Calibration (Shangqu Shi ?????); CSL Wuhan Ruide Engineering (Jack Situ ); CSL Wuhan Ruide Engineering (Jack Situ ??????); CSL Wuhan Ruide Facility Team (Roger Peng ????); CSL112 Commercial Manufacturing Dept. (Derek Butler); CSR for Corporate (Patrick Castauro); CTS Business Operations (Robert Bredohl); CTS Cardiovascular (Eveline Girod-Engelhardt); CTS Hematology & Early Development (Annette Angell); CTS IRT (Amy Rupp); CTS Immunology (Berthold Roters); CTS Packaging & Labeling (Claudia Wieber); CTS Packaging & Labeling (Markus Thelen); CTS Process Improvement & Innovation (Carolin Sann); CTS Product Lead Cardiovascular (Elizabeth Bean); CTS Product Lead Immunology (Karin Knieke); CTS Product Lead Transplant (Fabienne Aschenbrenner); CTS Specialty Products & Transplant (Martin Mildenberger); CVC Cell, Virus & Compliance (Bjrn Keiner); CVC ¬ñ Cell, Virus & Compliance (Bj√∂rn Keiner); Calimmune Cell Manufacturing (Andreas Gille (Inherited)); Calimmune Cell Manufacturing (Bryan Burke); Calimmune Cell and Process Development (Jeffrey Ahlers); Calimmune Clinical (Maureen Boyd); Calimmune Clinical Programs (Mollie Barrett); Calimmune Information Technology (John Dallaire); Calimmune Quality Assurance (Anuja Prabhutendolkar); Calimmune Quality Assurance (Suparna Mishra Sarkar); Calimmune Research (Steven Lee); Calimmune Research and Development (Jeffrey Bartlett); Calumet Park 293 (Malissa Lichtenwalter); Calumet Park 293 QA (Michael W Solomon (Inherited)); Canada Medical Affairs Field Team (Maye Machnouk); Canton 236 (Jennie Marcum); Canton 236 ACM Area 1 (Ashley Instone); Canton 236 ACM Area 1 (Mirela Sekulic); Canton 236 ACM Area 2 (Rhianna Minger); Canton 236 ACM Area 2 (Rhianna Petrone); Canton 236 QA (Brandon Bosley); Canton 236 QA (Esence Hambrick); CapEx Procurement Lengnau (Franz Zweibrot [C]); CapEx Procurement Lengnau (Oliver Hahn); Capital Business Support (Tobias Pohle); Capital Controlling (Dirk Achenbach); Capital Controlling (Jrn Kaletsch); Capital Controlling (J√∂rn Kaletsch); Capital Project Management (Martina Thalmann); Capital Vendor Manager (Mark Vamadevan); Capital Vendor Manager (Nicholas Moody (Inherited)); Capital and MRO Sourcing - Kankakee (Emiliano Colon Segarra); Card Services (Linda K Nordmeyer); Cardio Therapies & Clinical Dev 2 (Lawrence Deckelbaum (Inherited)); Cardio Therapies & Clinical Development (Lawrence Deckelbaum); Cardiovascular & Diabetes (Susan Welsh (Inherited)); Cardiovascular & Diabetes (Todd Rudo); Cardiovascular & Metabolic Marketing (Rupal Shah); Cardiovascular & Metabolic Medical Affairs (Jeff McFadden (Inherited)); Cardiovascular & Metabolic TA (Jeff McFadden); Cardiovascular & Metabolism Therapeutic Area (Pierluigi Tricoci); Cardiovascular & Respiratory (James Peterson); Cardiovascular (Gail Berman); Cardiovascular (Lawrence Deckelbaum (Inherited)); Cardiovascular (Regina Clementi); Cardiovascular Global Marketing (Simon Fox); Cardiovascular and Metabolism (Danielle Duffy); Cardiovascular/Respiratory Therapeutic Area (Scott Hambaugh (Inherited)); Case Management GCSP (Nell Sborlini); Case Management MBR (Gudrun Heep); Category Chemicals, Filter Aid, Lab Chemicals (Martin Grossmann (Inherited)); Category Construction (Jos√© Maldonado (Inherited)); Category Equipment (Mike Gong); Category Gels, Resins, Media (BRN) (Martin Grossmann (Inherited)); Category Management (Markus Herrmann); Category Manager Indirects (Karl Lavery); Category Manager Indirects (Sarah Orchard); Category Packaging (Adam Kooloos); Cell Biology and Physiology (Cristina Gamell Fulla); Cell Culture & Purification (Michael Schmitt); Cell Culture & Purification Development (Andrew Low); Cell Culture & Purification Development (Ben Hunt); Cell Culture & Purification Development (Innocent Bekard); Cell Culture & Purification Development (Irene Baker); Cell Culture & Purification Development (Lou Fabri); Cell Culture & Purification Development (Simon Gerber); Cell Culture & Purification Development (Simon Stephan Gerber); Cell Culture & Purification Development (Vanessa Sandford); Cell Culture & Purification Development (Yih Yean Lee (Inherited)); Cell Culture & Purification Development (Yih Yean Lee); Cell Culture & Purification Development 1 (Innocent Bekard (Inherited)); Cell Culture Analytics (Vanessa Trefzer); Cell Manufacturing (Angel Jaramillo); Cell Manufacturing (Samuel O''Callaghan (On Leave)); Cell Manufacturing (Stefanie Homann); Cell Manufacturing I (Michelle Millington); Cell Manufacturing III (Samuel O''Callaghan); Cell Manufacturing IV (Stefanie Homann); Cell and Process Development (Jeffrey Ahlers); Cells, Virus & Compliance (Trudi Wentzel); Cells, Virus and Compliance (Tanya Guzzardi); Center Mitarbeiter (Andreas Gehrich (Inherited)); Center Mitarbeiter (Andreas Gehrich); Center Mitarbeiter (Annette Pernitzsch (Inherited)); Center Mitarbeiter (Annette Pernitzsch); Center Mitarbeiter (Claudia Habenicht (Inherited)); Center Mitarbeiter (Claudia Habenicht); Center Mitarbeiter (Damaris Kieckhfer); Center Mitarbeiter (Damaris Kieckh√∂fer); Center Mitarbeiter (Heike Borchert); Center Mitarbeiter (Kirsten Scheibel (Inherited)); Center Mitarbeiter (Kirsten Scheibel); Center Mitarbeiter (Natascha Bock (Inherited)); Center Mitarbeiter (Natascha Tappendorf); Center Mitarbeiter (Stephani Keltsch); Center Mitarbeiter (Sven Schuhmann (Inherited)); Center Mitarbeiter (Sven Schuhmann); Champaign 270 (Harriet Williams); Champaign 270 ACM Area 1 (Jacques LaRue); Champaign 270 ACM Area 2 (Harriet Williams (Inherited)); Champaign 270 ACM Area 2 (Quawan Dhom); Champaign 270 QA (Meghan Constantine); Change & Systems (Angela Leepin); Change & Systems (Lucia Mathis); Change Control Final Product Care (Stephan Nau); Change Management (Elizabeth Walker (Inherited)); Change Management (Kris Weidling (On Leave)); Change Management (Wendy Smith); Change Management Quality (Marlise Kuert Kolb); Change Management and Launch Support (QCM) (Marlise Kuert Kolb); Change Management-Document Control (Michelle Wells); Change and Investigations Primary Manufacturing (Jason Gilmour); Change and Investigations Secondary Manufacturing (Hai Tran); Characterization (Lars Robbel); Characterization 2 (Katharina Kramer); Charleston 044 (Lorenzo L Bowser); Charleston 044 (Robin M Bencivenga); Charleston 044 ACM Area 1 (Gregory Swant); Charleston 044 ACM Area 1 (Lorenzo L Bowser (Inherited)); Charleston 044 ACM Area 2 (Shakerrie Mobley); Charleston 044 QA (Yolanda L Carlisle); Charlotte 203 (Sam Kastanowski); Charlotte 203 (Shannon D Dalton); Charlotte 203 ACM Area 1 (Kathy Reilly); Charlotte 203 ACM Area 2 (Micah Ford); Charlotte 203 ACM Area 2 (Shannon D Dalton (Inherited)); Charlotte 203 QA (Nicole D Etheridge); Charlotte 418 (Paul Schmaldinst); Charlotte 418 ACM Area 1 (Sharita Swann); Charlotte 418 ACM Area 2 (Mayada M Omer); Charlotte 418 ACM Area 3 (Trina Crayton); Charlotte 418 QA (Le Tran); Chattanooga 010 (Ramoncito B Bautista); Chattanooga 010 ACM Area 1 (Sheree L Leatherman); Chattanooga 010 ACM Area 2 (Beth Simpson); Chattanooga 010 ACM Area 2 (Brittany Goforth); Chattanooga 010 QA (Callan Pierson); Chattanooga 010 QA (Heather Palladino); Chattanooga 010 QA (Patti Bailey (Inherited)); Chattanooga 010 QA (Patti Bailey (Inherited), Prim J Cunningham (Inherited)); Chattanooga 407 (Brian West); Chattanooga 407 (Brianna E Ballew); Chattanooga 407 ACM Area 1 (Amy D Hodge); Chattanooga 407 ACM Area 2 (Joshua Turpin); Chattanooga 407 QA (Barron Williamson); Cheektowaga 235 (Scott Bowers); Cheektowaga 235 ACM Area 1 (Cheryl Sousa); Cheektowaga 235 ACM Area 2 (Iryna Omelyan); Cheektowaga 235 QA (Roxanne Tyczka); Chem. Quality Control 1 (Lukas Dinger); Chem. Quality Control 2 (Silvan Stucki); Chemical Quality Control (CQC) (Adrian Zobrist); Chemical Analytics R&D (Lars Schiefelbein); Chemical Analytics R&D (Sara Stinca); Chemical Quality Control (Andreas Affolter); Chemical Quality Control (CQC) (Adrian Zobrist); Chemical Quality Control (Lars L√ºersen); Chemical Quality Control (Sten Strunze); Chemistry (Sara Garland); Chemistry (William Squires); Chemistry - In-Process Group (Courtney Nuccio); Chemistry - Raw Materials Group (Arthur F Fox); Chemistry Lab (Rebecca L Boudreau); Chiba Kanagawa Area (Madoka Yamamoto); Chibi Accounting (Hongyan Hu ?????); Chibi Admin (Hongyan Hu ); Chibi Admin (Hongyan Hu ?????); Chibi Clinical Inspection (Shiyong Yu ); Chibi Clinical Inspection (Shiyong Yu ?????); Chibi Plasma Collect (Liyun Huang ); Chibi Plasma Collect (Liyun Huang ?????); Chibi Plasma Collection (Jie Yu ); Chibi Plasma Collection (Jie Yu ????); Chibi Plasma Collection Center (Jun Lai ????); Chibi Plasma Collection Management (Jingyu Dong ?????); Chibi Plasma Sourcing (Jiaxin Long ?????); Chibi Plasma Sourcing Management (Bin Zhang ); Chibi Plasma Sourcing Management (Bin Zhang ????); Chicago 247 (Guillian T Gonzalez); Chicago 247 ACM Area 1 (Sabrina Flowers); Chicago 247 ACM Area 2 (Gretchen Watkins); Chicago 247 ACM Area 2 (Guillian T Gonzalez (Inherited)); Chicago 247 QA (Gretchen Watkins); Chicago 247 QA (Linda Schulthess); Chief Medical Office (Charmaine Gittleson); Chief Operating Officer (Paul McKenzie); Chief Safety Officer (Susan Welsh); China Logistics (Vickie Xian ); China Logistics (Vickie Xian ?????); China Marketing (Anlu Cai ?????); China Strategic Quality (Jian Fei ????); Christian Spuckti; Chromatography (Holger Blessing); Chromatography (Sven Karschnia); Chubu Area (Hiroyoshi Iwamoto); Chugoku Shikoku Area (Masahiko Ishida); Cincinnati 177 (Harold Tucker Jr); Cincinnati 177 ACM Area 1 (Anh Le); Cincinnati 177 ACM Area 2 (Darryl W Revere Jr); Cincinnati 177 ACM Area 2 (Jessica Hoffman); Cincinnati 177 QA (Christopher Thompson); Cincinnati 189 (Lee A Miles); Cincinnati 189 ACM Area 1 (Kristal Emmitt); Cincinnati 189 ACM Area 2 (Ginger Wells); Cincinnati 189 ACM Area 2 (Kaitlyn Spencer); Cincinnati 189 QA (Tyianna N Trice (On Leave)); Cincinnati 189 QA (Tyianna N Trice); Cinncinnati 177 (Harold Tucker Jr); Citrix (Thomas M Kent); Cleveland 401 (Sarah E Moss); Cleveland 401 ACM Area 1 (Shelly L Deimling); Cleveland 401 ACM Area 2 (Chonita Johnson (On Leave)); Cleveland 401 ACM Area 2 (Chonita Johnson); Cleveland 401 QA (Enetisha T Dailey); Cleveland 401 QA (Jennifer Longo); Clifton 255 (Andrew Oliver); Clifton 255 ACM Area 1 (Anthony Camuso); Clifton 255 ACM Area 2 (Marshaya Johnson); Clifton 255 ACM Area 2 (Rolshall Burnett); Clifton 255 QA (Kengie Jenkins); Clinic Study Acquired Bleeding-IG (Danielle Dalton); Clinic Study Acquired Bleeding/IG (Danielle Dalton); Clinical Bulk (Gerd Eisenmann); Clinical Bulk (Noemi Scholl); Clinical Bulk (Rene Bruegger (Inherited)); Clinical Compliance (Mihaela Carla Nosca); Clinical Compliance and Training (CC&T) (Saskia Ruis); Clinical Data Standards and Programming (Dieter Boss); Clinical Development (Wilfried Seifert); Clinical Development - Study (Christa Lewiski); Clinical Development - Transplant (Paul Shore); Clinical Development Operations (Craig Coffman); Clinical Development Operations (Deirdre BeVard); Clinical Development Operations (Kazuaki Hashimoto - ); Clinical Development Operations (Kazuaki Hashimoto ??? ?? - ???? ?????); Clinical Development Operations I (Craig Coffman); Clinical Development Respiratory (Lars Groenke); Clinical Disclosures & Transparency (Vicki Oosterbaan); Clinical Epidemiology (Quazi Ataher); Clinical Epidemiology (Susan Colilla); Clinical Epidemiology (Susan Welsh (Inherited)); Clinical Operations (David J. Parker); Clinical Operations (Thomas Verish); Clinical Operations (Valerie Reynaert); Clinical Operations 1 (Jennifer Weaver); Clinical Operations II (Valerie Reynaert); Clinical Operations Japan (Hideshiro Benz); Clinical Operations Serology (David Bibby); Clinical Operations Systems (Simone Dierkes) (Simone Dierkes); Clinical Ops 2 (Michael Giordani); Clinical Oversight Manager (Katja Ganter); Clinical Oversight Manager (Miriam Hochthurn); Clinical Oversight Manager (Stefanie Auer); Clinical Pharmacology & Early Development (Amy Harman); Clinical Pharmacology & Early Development (Stephen Caltabiano); Clinical Pharmacology & Translational Dev (John Roberts); Clinical Pharmacology & Translational Dev ¬ñ CPAT (Diana Lanchoney); Clinical Pharmacology & Translational Development CPAT (Diana Lanchoney); Clinical Pharmacology &Early Development (Diana Lanchoney (Inherited)); Clinical Pharmacology &Early Development (Dipti Pawaskar); Clinical Pharmacology &Early Development (Jagdev Sidhu); Clinical Pharmacology &Early Development (Joanne Ma); Clinical Pharmacology &Early Development (John Roberts); Clinical Pharmacology &Early Development (Michael Tortorici); Clinical Pharmacology (Bo Zheng); Clinical Procedural Documents &Standards (Thomas Verish (Inherited)); Clinical Programming (Stefan Hofmann); Clinical Programs (Christine Joch); Clinical Quality (Claire Pope); Clinical Quality (Karen Gard''ner (Inherited)); Clinical Quality Assurance (Daisy Maldonado-Ortiz); Clinical Quality Assurance (Joy Quinal); Clinical Quality Assurance (Pontaah Arbtan); Clinical Quality Assurance (Sharon Reinhard); Clinical Quality Assurance (Terrence Purnell); Clinical Quality Assurance (Volker Nickel); Clinical R&D (Hideto Akama - ); Clinical R&D (Hideto Akama ??? ?? - ??? ????); Clinical Research & Development - Transplant (Scott Adler); Clinical Safety (Corrinne Clement); Clinical Safety (Maria Mller); Clinical Safety (Maria M√ºller); Clinical Safety (Velma Hurst); Clinical Science (Eve Versage); Clinical Science (Naohito Sato); Clinical Sciences Transplantation (Christine Voigt ); Clinical Sciences Transplantation (Christine Voigt); Clinical Scientist (Andres Brainsky (Inherited)); Clinical Scientist (Jenny Mears); Clinical Serology Operations Lead (Frank Iozzo); Clinical Strategy&Development (Hideto Akama ??? ?? - ??? ????); Clinical Study (Agnieszka Turowska); Clinical Supply Chain Planning (Ulrich Mengel); Clinical Supply Quality (Carl Forte); Clinical Supply Quality (Matthew Wokulich); Clinical Trial Process Improvement & Innovation (Steve Walker); Clinical Trial Process Improvement & Innovation (Thomas Kelly); Clinical Trial Supply (Patrick McLaughlin); Clinical and TA Strategy (Steven Pascoe); Coag, Devices & Special Products (Ignacio Rodriguez); Coag, Devices & Special Products (Juergen Zorn); Coagulation & CC Sales Force (Emmanuelle Massonie (Inherited)); Coagulation & CC Sales Force (Jean-Vincent Viale); Coagulation & CC Sales Force (Thierry BERTHOULE); Coagulation & Oncology (Kristin Ingrassia); Coagulation & Oncology (Sylvia Herget); Coagulation & Oncology 1 (Kerstin Jung); Coagulation (Janine Dolan); Coagulation - CPP (Kristy Bandza (Inherited)); Coagulation Manufacturing (Kristy Bandza); Coagulation Manufacturing (Union) (Kristy Bandza (Inherited)); Coagulation Sales South (Marlene Gregory (On Leave)); Coagulation Sales South (Marlene Gregory); College Station 152 (Kandra K Blodgett); College Station 152 (Lauren Parks); College Station 152 (May Walker); College Station 152 ACM Area 1 (Kailey Stockton); College Station 152 ACM Area 2 (Amanda Miller); College Station 152 ACM Area 2 (DANIELLE GARRETT); College Station 152 QA (Kacie Goad); College Station 152 QA (May Nowalk); College Station 152 QA (May Walker); Colorado Springs 277 (Amanda M Cvitkovich); Colorado Springs 277 ACM Area 1 (Ben Huff); Colorado Springs 277 ACM Area 2 (Leon Clemons Jr.); Colorado Springs 277 ACM Area 2 (Sang Nguyen); Colorado Springs 277 QA (Crystal L Reichard); Columbia 217 (Catherine Watson); Columbia 217 (Monique Simpson); Columbia 217 ACM Area 1 (Mirna Rodriguez); Columbia 217 ACM Area 2 (Gregory Hines); Columbia 217 QA (Alissa Elke); Columbia 217 QA (Brandon Hoffman); Columbia 217 QA (Victoria McIntyre (Inherited)); Columbia 271 (Beth Brooks-Mccoy); Columbia 271 QA (Eric Mathis); Columbia 612 (Catherine Watson); Columbia 612 (Jose Pineda); Columbia 612 ACM Area 1 (Joyce A Jackson); Columbia 612 ACM Area 2 (Garrett Palmer); Columbia 612 QA (Aniashalla McDuffie); Columbia 612 QA (Shannon V Brown); Columbia 612 QA (Victoria McIntyre (Inherited)); Columbus 150 (Mark A Leach); Columbus 150 (Matthew Z Osborne); Columbus 150 ACM Area 1 (Nasha Ausberry); Columbus 150 ACM Area 2 (Alison L Woody); Columbus 150 QA (Tina M Miller); Columbus 409 (Angela L Funk); Columbus 409 ACM Area 1 (Jacob A Wilcox); Columbus 409 ACM Area 2 (Stella Shella May Oliver); Columbus 409 QA (Thomas U Anderson); Com Dev Immunology (GABRIELA ESPINOZA); Com Dev Immunology (Gabriela Espinoza); Com Dev Immunology (Karen MacPhail); Com Dev Immunology (Lawrence Bruck); Com Dev Medical (Birgit Voelker); Com Ops Human Resources Asia Pac (Jenny Zeng); Com Ops Human Resources Asia Pac (Trina Hendri (Inherited)); Com Ops Human Resources EU (Marc Htting); Com Ops Human Resources EU (Marc H√∂tting); Com Ops Human Resources ICO (Jenny Alexandra Kjaer); Com Ops Human Resources ICO (Jenny Kjaer Rotzler); Com Ops Human Resources NA (Elizabeth Wixted); ComDev Coagulation (Jens Oltrogge); ComDev Speciality Products (Georg Henkel); ComDev Speciality Products 1 (Georg Henkel); ComOps Argentina Accounting (Guadalupe Porro Greco); ComOps Argentina Finance (Silvina Lazzari); ComOps Argentina Marketing (Lucia I Grossi); ComOps Argentina Sales (Fernando Grosso); ComOps Brazil Finance (Marcelo Di Napoli); ComOps Brazil Market Access (Gerdeon Aurelio A Paiva); ComOps Brazil Marketing (Cristina Daniel Paulino); ComOps Brazil Operations (Cristina Junko Nakai); ComOps Brazil Regulatory Affairs (Rosana Batista); ComOps Brazil Sales (Luis Gustavo Gomes); ComOps Business Operations GE/AT/EEU (Karl Fox); ComOps Canada Coag & CC (MICHAEL LEO); ComOps Canada Finance (Michael McAllister); ComOps Canada Medical Affairs (MSL) (David Barnes (Inherited)); ComOps Canada Medical Affairs (MSL) (Debbie Bensen-Kennedy (Inherited)); ComOps Canada Regulatory Affairs (Vaneeta Bhatia); ComOps Canada Sales (MARIE-EVE JACQUES); ComOps Colombia Accounting (Carlos Andres Loaiza Barragn); ComOps Colombia Accounting (Carlos Andres Loaiza Barrag√°n); ComOps Colombia Sales (Martha Romano Gomez); ComOps Controlling GE/AT/Emerg. EU (Oliver Rosenthal); ComOps Demand Planning EU (Heike Kayser); ComOps Finance FP&A EU (Tamara Lissitsyna); ComOps Finance/Supply Chain/Compass EU (Heinz Berghoff); ComOps Government Reporting/Compliance (Mike Andrews (Inherited)); ComOps Intercontinental MBR (Bjrn Schfer); ComOps Intercontinental MBR (Bj√∂rn Sch√§fer); ComOps Intercontinental MBR (Manfred Nolte); ComOps Market Access (Stefan Neudrfer); ComOps Market Access (Stefan Neud√∂rfer); ComOps Marketing Coagulation (Dave Lewis); ComOps Marketing Coagulation (JD Kohutka); ComOps Marketing GE/AT/Emerg. EU (Elisabeth Averwerser); ComOps Meetings & Conventions (Molly Hess Knodel); ComOps Mexico Finance & Administration (Carlos Salas); ComOps Mexico Finance & Administration (HECTOR ESCOBEDO); ComOps Mexico Market Access (Humberto Maciel); ComOps Mexico Product Management (THALIA FIERRO DE LEON); ComOps Mexico Regulatory Affairs (Sandra Velasco); ComOps Mexico Sales (Jorge L Gastlum); ComOps Mexico Sales (Jorge L Gast√©lum); ComOps NA Business Operations (Denise Von Dohren); ComOps NA Business Operations (Mike Andrews (Inherited)); ComOps NA Government Reporting (Pamela Makosky); ComOps NA Government Reporting (Ronald Ritter Jr); ComOps NA Government Reporting (Sarah Palmer); ComOps NA Learning & Support Services (Lynn DiBonaventura); ComOps NA Learning & Support Services (Mike Andrews (Inherited)); ComOps NA Market Insights (Venkatesh Ramakrishnan); ComOps NA Marketing Consumer (Janet A Reimund); ComOps NA PRC Operations (Diane Wright); ComOps NA, Master Data (David Fling); ComOps NA, Sales Operations & CRM (Michael Price); ComOps NA, Sales Operations & Incentive Compensation (Michael Price); ComOps NA, Sales Operations (Jerry Burgener); ComOps North America Medical Affairs (Debbie Bensen-Kennedy); ComOps North America Medical Affairs (Judith Vensak); ComOps North America Medical Affairs- Immunology TA (Arie Katz); ComOps Reimbursement and Access (Dina Inverso); ComOps Reimbursements and Access (Jeffrey Lucero); ComOps Reimbursements and Access (Kate O''Connor-Masse); ComOps SP - Payers (Pete Dickson); ComOps SP / Payers (Pete Dickson (Inherited)); ComOps SP / Payers (Pete Dickson); ComOps Sales Germany (Michael Bernd Rode); ComOps Switzerland (Isabelle Dahinden); ComOps Therapeutic Area EU (Antti Kourula); ComOps Therapeutic Area EU (Damian Gilkerson); ComOps US Atlantic Specialty (Jeffrey Todd Winn); ComOps US Coag Midwest (Mark A Wiener); ComOps US Coag Northeast (Dominic Lattanzi); ComOps US Coag Northeast (Ivan Holtz (Inherited)); ComOps US Coag Sales (Ivan Holtz); ComOps US Coag South (Mark Fitzgerald); ComOps US Coag West (Scott Vollet); ComOps US Corporate Accounts (Paul Kurt); ComOps US Delaware Valley Specialty (Kellee Fearon); ComOps US Delaware Valley Specialty (Marlene Gregory); ComOps US Medical Affairs Coagulation (Jerry Powell (Inherited)); ComOps US Medical Affairs Coagulation (Vidhi Desai); ComOps US Medical Affairs Coagulation I (Vidhi Desai); ComOps US Medical Affairs Immunoglobulin (Ann Bullinger); ComOps US Medical Affairs Immunoglobulin (Ayman Kafal); ComOps US Medical Affairs Specialty (Laurel Omert); ComOps US Medical Affairs Specialty (Paolo Bajcic); ComOps US Medical Information (Deirdre Smith); ComOps US Mid-Atlantic Immunology (Lori Giampaolo); ComOps US Mid-Atlantic Immunology (Michael Flaherty); ComOps US Mid-South Immunology (Cory Baldwin); ComOps US Mid-South Immunology (James Heintz (On Leave)); ComOps US Mid-South Immunology (James Heintz); ComOps US Mid-South Specialty (Bill Stokes); ComOps US Mid-South Specialty (Brett Weathersby); ComOps US Mid-West Immunology (Mark C Morgan); ComOps US North Central Specialty (Steve A Mick); ComOps US Northeast Immunology (Pamela Buschbacher); ComOps US Northeast Specialty (Craig Strok); ComOps US Northeast Specialty (Gina Blair (Inherited)); ComOps US Northeast Specialty (Rebecca Riebe (On Leave)); ComOps US Ohio Valley Specialty (Jason Flowers); ComOps US South Central Immunology (Joseph Guinan (Inherited)); ComOps US South Central Immunology (Roxanne Quirin); ComOps US South Central Specialty (David Van Buskirk); ComOps US Southeast Immunology (James Gleichowski); ComOps US Southeast Specialty (Michael Allen); ComOps US Specialty Marketing (Bernadine Koziara (Inherited)); ComOps US Specialty Marketing (Tom Groeling); ComOps US Specialty Sales (Gina Blair); ComOps US Supply Chain (Madonna Jarrett); ComOps US West Central Immunology (Greg Logsdon); ComOps US West Central Specialty (Ann Andari); ComOps US West Central Specialty (Gina Blair (Inherited)); ComOps US West Central Specialty (Kimberly Kustron); ComOps US West Immunology (Greg Hansen); Combination-Device QA (TATYANA ILYINA); Combination/Device QA (TATYANA ILYINA); Comm Dev and Scientific Affairs (Edith Rosenberg); Comm Dev and Scientific Affairs (Tara Satyanand); Comm. Oper. GE/AT/Emerg. EU Diverse (Dirk Hoheisel (Inherited)); Commercial Operations Junxin (Shaolin Huang ?HuangShaolin?); Commercial (Brent MacGregor); Commercial (Stephen Allan); Commercial Access & Policy US (Marie Mazur (Inherited)); Commercial Access & Policy US (Shanthy Krishnarajah); Commercial Account Management - Public Health (Jeffrey Benton); Commercial Argentina (Gonzalo Pereira); Commercial Business Operations Sales & Analytics (Kevin Harkins); Commercial Business Operations Training (Patrick Gostomski); Commercial Business Services (Lynda Kulp); Commercial China (Cheng-Yen Tsai ); Commercial China (Cheng-Yen Tsai ?????); Commercial China (Harold Chan ?????); Commercial Contracts US (Yvonne Blom Hilsky); Commercial Contracts US (Yvonne Hilsky); Commercial Contracts-US (Agnes Goins); Commercial Customer Operations US (John Spencer); Commercial Customer Operations US, Customer Service, Account Mgmt (Teka-Ann Forrester); Commercial Customer Service/Supply Chain (Narelle Kinson); Commercial Development (Jane True); Commercial Development Global (Debbie Drane); Commercial Development and Policy (Dirk Ulrich Hofmann); Commercial Development and Policy (Lorna Meldrum); Commercial Development and Policy (Marie Mazur); Commercial Excellence (Makoto Miura); Commercial Excellence (Roger Melliger (Inherited)); Commercial Excellence (Tomohiro Miura - ); Commercial Excellence (Tomohiro Miura ??? ?? - ??? ?????); Commercial Excellence Training & Development Office (Chiho Muto); Commercial Excellence and Training (Cheng-Yen Tsai ????? (Inherited)); Commercial Excellence and Training (Joanne Liu ); Commercial Excellence and Training (Joanne Liu ????); Commercial Governance and Transparency (Artimis Ghassemi); Commercial Governance and Transparency (Daniel Quayle); Commercial IT solutions (Thomas Wilcock); Commercial Italy (Massimo Leoni); Commercial MEA (Camilla Shen (Inherited)); Commercial Marketing US (David Ross (Inherited)); Commercial Marketing US (Glenn Omanio); Commercial Marketing US (Tara Charvat); Commercial National Accounts US (Stefan Merlo); Commercial Operations (Brent MacGregor); Commercial Operations (Deniz Bagdadi); Commercial Operations (James Gaw); Commercial Operations (Mark Ridge); Commercial Operations (Sam Dowdle); Commercial Operations Argentina (Juan Pablo Guereo); Commercial Operations Argentina (Juan Pablo Guere√±o); Commercial Operations Australia/NZ (Loretta Croker); Commercial Operations Austria (Beate Pettinger-Natmenig); Commercial Operations Austria (Beate Pettinger-Natmessnig); Commercial Operations Austria (Beate Pettinger-Natme√ünig); Commercial Operations Austria (Martin Tenlen); Commercial Operations Benelux (Patrick Reygaert); Commercial Operations Brazil (Gustavo Fernandes); Commercial Operations Canada (Philippe Hebert); Commercial Operations Chile (Juan Pablo Ambar); Commercial Operations Colombia (Eduardo Cabas); Commercial Operations Colombia (Juan Feliu (Inherited)); Commercial Operations Czech Republic (JI KAPEREK); Commercial Operations Czech Republic (JI?√ç KA¬äPEREK); Commercial Operations Czech Republic (Ondrej Halasz); Commercial Operations Denmark (Gitte Stausholm); Commercial Operations Europe (Lutz Bonacker); Commercial Operations Finance (Adrienne Ford); Commercial Operations Finance (Amanda White); Commercial Operations Finance (Marcelo Estrella); Commercial Operations Finance (Michael Kochanski); Commercial Operations France (Franck Puget); Commercial Operations GE/AT/Emerg. EU (Dirk Hoheisel); Commercial Operations Global HR (Trina Hendri); Commercial Operations Greater China (Ben Yang ?????); Commercial Operations Greater China (Harold Chan ); Commercial Operations Greater China (Harold Chan ?????); Commercial Operations Greater China Junxin (Paul Li (Inherited)); Commercial Operations Greece (Marianna Konstantinidi); Commercial Operations Hong Kong (Roger Cheng ); Commercial Operations Hong Kong (Roger Cheng ?????); Commercial Operations Hungary (Lukacs Attila); Commercial Operations Intercontinental (Markus Staempfli); Commercial Operations Italy & Greece (Oliver Schmitt); Commercial Operations Italy, Business Operations (Giuseppe Fioravante); Commercial Operations Italy, Central Italy Sales (Claudio Chiorri); Commercial Operations Italy, North Italy Sales (Maurizio Gonizzi Barsanti); Commercial Operations Italy, South Italy Sales (Paolo Lombardi); Commercial Operations Japan (Jean-Marc Morange); Commercial Operations Junxin (Qiuhui Shi); Commercial Operations Mexico (Nicolas Martinez Gould); Commercial Operations Nordic (Martin Tenlen); Commercial Operations Nordic (Ulf Hultquist); Commercial Operations North America (Robert Lojewski); Commercial Operations Poland (Grazyna Debowska); Commercial Operations Poland (Marek Skotnicki); Commercial Operations Portugal (David Ventura); Commercial Operations SG, ML & ID (Matthew Ho); Commercial Operations Slovakia (Andrea Solivajsova); Commercial Operations Slovakia (JI KAPEREK); Commercial Operations Slovakia (Ondrej Halasz); Commercial Operations Spain & Portugal (Mara Jose Sanchez Losada); Commercial Operations Spain & Portugal (Mar√≠a Jose Sanchez Losada); Commercial Operations Turkey (Aysun Acer); Commercial Operations Turkey (Aysun Yanbol); Commercial Operations Turkey (Ercin Kugu); Commercial Operations Turkey 2 (Mehmet Aydogan); Commercial Operations United Kingdom (Eddie Owens); Commercial Operations United Kingdom (Edward Owens); Commercial Operations United Kingdom II (Dan Betts); Commercial Operations, Influenza Vaccines (Linda DU); Commercial Operations, Americas (Haejin Chung); Commercial Operations, Americas (Jane True); Commercial Operations, Canada (Gillian Stafford); Commercial Operations, DE, Customer Service (Thomas Kasimirat); Commercial Operations, DE/CH/AU (Deborah Di Salvo); Commercial Operations, DE/CH/AU (Frank Eberlein); Commercial Operations, EMEA (Enric Canelles Torres); Commercial Operations, Fleet, Meetings & Travel Strategic Sourcing (Kristie Boyd); Commercial Operations, Influenza Vaccines (Linda DU); Commercial Operations, International and Pandemic (Lorna Meldrum); Commercial Operations, Italy (Maura Cambiaggi); Commercial Operations, LatAm (Carmen Pereyra); Commercial Operations, LatAm (Carmen Rosa Pereyra Davila); Commercial Operations, Marketing UK (Kaush Gandhi); Commercial Operations, North Americas (David Ross); Commercial Operations, Spain (Antonio Lloret Parellada); Commercial Operations, UK (Deborah Di Salvo); Commercial Operations, UK (Helen Concilia); Commercial Ops (John Lawrence); Commercial Ops North America (John Fudala); Commercial Ops North America (Robert Lojewski (Inherited)); Commercial Pandemic Contracts (Randall Deck); Commercial Taiwan (Cheng-Yen Tsai ?????, King Lian Wang ?????); Commercial Taiwan (King Lian Wang ?????); Commercial Taiwan (Louis Liu ); Commercial Taiwan (Louis Liu ?????); Commercial, Business Operations UK (Charlotte Wrigley); Commercial, Business Operations, Customer Support (Jeff Wettlaufer); Commercial, Customer Service UK - Liverpool (Charlotte Wrigley); Commercial, Customer Service UK ¬ñ Maidenhead (Amy Smith); Commercial, Global Fluad (Richard Bland); Commercial, Global Flucelvax & Afluria (JESSICA O''DONNELL); Commercial, Global Flucelvax & Afluria (Jessica O''Donnell); Commercial, National Accounts Field US (Aaron Hubner); Commercial, National Accounts Field US (Aaron Martin Hubner); Commercial, National Accounts Field US-Summit (Gregg Quatrini); Commercial, National Accounts UK (Raashid Mehmood); Commerical, Product Planning & Innovation (Loddie Foose); Commission & Qualification (Arelis Cabezas); Communications (Maureen Powell); Communications (Melanie Kerin); Communications (Polina Miklush); Communications (Sandra Ruckstuhl); Company Secretary (Gregory Boss (Inherited)); Company Secretary Office (Sonya Curciev); Compass / gCRM System (Giorgio Lippi (Inherited)); Compass / gCRM System Benelux (Patrick Reygaert (Inherited)); Compass / gCRM System France (Pascale Ogel Le Guen (Inherited)); Compass Excellence Center (John Eric Bunn); Compensation Programs (Anthony Dillon); Compensation Programs (Timothy O''Donnell); Competitive Intelligence (Magdalena Popesco); Compliance & Improvement Manager (Elaine Feely); Compliance (Andrea Studer); Compliance (Cindy Rocknowski); Compliance (Jeffrey Zoubek (Inherited)); Compliance (Robin A Mroz); Compliance Americas (John Neff (Inherited)); Compliance Americas (Thomas Spittal); Compliance I (Margrit Waterval); Compliance II (Dagmar Riffel (Inherited)); Compliance II (Jutta Regenfelder); Compliance Management Engineering (Rainer Kutsch); Compliance Support 1 (Volker Gawantka); Computerized Data & Instruments Systems (C√©line Pires); Computerized Data & Instruments Systems (Hiroshi Nakano); Congress (Jean-Marc Morange (Inherited)); Congress (Kyota Yamaoka ??? ?? - ???? ????? (Inherited)); Connected Healthcare (Mark Ridge (Inherited)); Construction, Engineering & Qualification (Adam Robb); Construction, Engineering & Qualification (Mike Spencer); Construction, Engineering & Qualification (Richard Hayne); Construction, Engineering & Qualification 1 (Michael Ah-Cann); Construction, Engineering & Qualification 2 (Adam Robb (Inherited)); Construction, Engineering & Qualification 2 (Jim Li); Construction, Engineering & Qualification CSL112 (Jacqueline Murphy); Content Management (Christian Mohr); Content Management (Elisabeth Averwerser (Inherited)); Contract Administration (Frances Richardson); Contract Manufacturing (Ian Goldup); Contracts / Claims Management (Kevin Rathmell [C]); Controlling & Financial Reporting (RYAN HANSEN); Controlling (Wolfgang Thiel); Corporate & Expert Services (Patrick Haeberli); Corporate Affairs (Sharon McHale); Corporate Affairs - US (Polina Miklush); Corporate Affairs and Communications (Anthony Farina); Corporate Communications (Jemimah Brennan); Corporate Communications (Jemimah Pentland); Corporate Communications - Japan (Hidemi Akazawa); Corporate Communications Business Partnering (Melanie Kerin); Corporate Communications Business Partnering 2 (Melanie Kerin); Corporate Development (Serge Scrofani); Corporate Finance (John Levy); Corporate Finance (Paul Coulter); Corporate Finance Edge Controller (Julia Wilkinson [C]); Corporate Services (Marvin Anthony Edwards II); Corporate Services (Michael Hays (Inherited)); Corpus Christi 603 (Sam Schultz (Inherited)); Corpus Christi 603 (Sam Schultz); Corpus Christi 603 (Tashana K Sanders); Corpus Christi 603 ACM Area 1 (Lorena Luna); Corpus Christi 603 ACM Area 2 (Nola V Baker); Corpus Christi 603 QA (Tara L Spitzer); Cost Center Accounting & Sales Reporting (Patrick Eley); Cost Center Controlling (Rainer Althaus); Counsel Americas (Shawn Gibbs); Counsel Americas (Shawn Michael Gibbs); Counsel EMEA (John Minardo (Inherited)); Counsel EMEA (Martin Quinn); Counsel EMEA (Virginie Didier); Country & Region Management (Geeseung Yoo); Credit & Collection (Anette Rummelsberger); Credit Collection (Paul Fellingham (Inherited)); Critical Systems - HVAC (Union) (Jeff J Parks (Inherited)); Critical Systems - HVAC (Union) (Michael D Proctor); Critical Systems - Water Systems (Union) (Jeff J Parks (Inherited)); Critical Systems - Water Systems (Union) (Jim Meils); Critical Utilities (Frank Miles III); Critical Utility Projects (Jim Meils); Culture and HR Strategy (Linda Hagerty-Dotterer); Customer Care Center I (Christian Siebert); Customer Care Center II (Oliver Weck); Customer Engagement Management (Brian Johnson (On Leave)); Customer Engagement Management (Gina Malloy); Customer Service & Logistics (Massimo Leoni); Customer Service (Bernhard Czapla (Inherited)); Customer Service (Consuelo D''Amore); Customer Service (Crystal Marie Wiles); Customer Service (Crystal Wiles); Customer Service (Holger Milkereit (Inherited)); Customer Service (Michael Bernd Rode (Inherited)); Customer Service (Rainer Adam (Inherited)); Customer Service (Robert Rohs); Customer Service (Sandra Lafoca (Inherited)); Customer Service (Sean Grinnell); Customer Service (Susanne M√∂ller (Inherited)); Customer Service ComOps Intercontinental Region (Anita Erber); Customer Service Deutschland (Roger Melliger); Customer Service France (Charlotte Rougi (Inherited)); Customer Service France (Charlotte Rougi√© (Inherited)); Customer Service France (Julien Roche); Customer Service Manager (Anna Arena); Customer Service Ops (Sean Grinnell); Customer Service and Launchmanagement (Christoph Krug); Customer Service and Launchmanagement (Jochen Wagner); Customer Service und Logistik (Susanne Pfeiffer); Customer Services & Logistics (Barbara Kemp); CyberSecurity Operations (Daniel Pekol); CyberSecurity Operations (Edward Ferrara (Inherited)); Cytogam (Thomas Beer); DGL 1 (Advait Jagirdar); DOCI eClinical Technology (Thomas Verish (Inherited)); DS Manufacturing (Barbara Beugger); DS Manufacturing (Matthias Kaeser); DSP & Analytics (Michael Schmitt); DSP Engineering (Dave Tomsik [C]); DSP Engineering (Rene Boros); DSP Laboratories (Arnaud Vonarburg); DSP Manufacturing 1 (Matthias Kaeser); DSP Manufacturing 2 (Baptiste Leclerc); DTP & Graphical Control (Metin Yilmaz (Inherited)); Dallas 078 (Brenda C Greenfield (Inherited)); Dallas 078 (Elizabeth Casillas); Dallas 078 (Elizabeth Trejo); Dallas 078 ACM Area 1 (Rhonda Shields); Dallas 078 ACM Area 2 (Brenda C Greenfield (Inherited)); Dallas 078 ACM Area 2 (Melissa J Chapman); Dallas 078 QA (Carlotta McCoy); Dallas 078 QA (Wajeehah Al-Uqdah); Dallas 510 (Elizabeth Casillas); Dalton 296 (Brittany Goforth); Dalton 296 ACM Area 1 (Dana Hibbs); Dalton 296 ACM Area 2 (Annette L Switzer); Dalton 296 QA (Wayne J Bixler); Dangyang Clinical Inspection (Xingzuan Zhang ?????); Dangyang Inspect (Liuqing Wan ); Dangyang Inspect (Liuqing Wan ?????); Dangyang Inspection (Pingfan Zhang ?????); Dangyang Office Management (Wanwan Zhu ); Dangyang Office Management (Wanwan Zhu ?????); Dangyang Office Management (Xiaoquan Zhu ?????); Dangyang Plasma Collection (Yingshuang Li ); Dangyang Plasma Collection (Yingshuang Li ?????); Dangyang Plasma Collection Center (Jack Zhou ); Dangyang Plasma Collection Center (Jack Zhou ?????); Dangyang Plasma Collection Center (Qingqing Wang ?????); Dangyang Plasma Collection Management (Yaling Zhu ); Dangyang Plasma Collection Management (Yaling Zhu ?????); Dangyang Plasma Sourcing (Meng Hu ); Dangyang Plasma Sourcing (Meng Hu ????); Dangyang Plasma Sourcing Management (Xuejun Wang ); Dangyang Plasma Sourcing Management (Xuejun Wang ?????); Data Analytics & Metrics (Bill Bigney); Data Analytics (Aaron Imig); Data Analytics (Constanze Buchter); Data Analytics (John Choy); Data Analytics (Michael Schrder (Inherited)); Data Governance (STEPHEN SMITH); Data Management (Steven Carr); Data Management (Thomas Hahlgans); Data Management KOP 1 (Mara Strelecki); Data Management Operations (Charles Johnson); Data Operations&Clinical Infrastructure (Thomas Verish (Inherited)); Data Operations&Clinical Infrastructure (Thomas Verish); Data Services (Don Konemann); Data Services (Sachin Ohal); Data and Analytics (Enterprise Applications) (Robert Hawker); Data and Analytics Center of Excellence (Thomas Gsponer); Database (Bhavesh Patel); Davenport 424 (Greg Boden); Davenport 424 ACM Area 1 (Jacinda L Head); Davenport 424 ACM Area 2 (Tabathia Ann Dells); Davenport 424 QA (Christopher R Doerscher); Dayton 408 (Daniel K Osborne); Dayton 408 (Megan L Waldeck); Dayton 408 ACM Area 1 (Ashley Instone); Dayton 408 ACM Area 1 (Shalia Sloan); Dayton 408 ACM Area 2 (Ashley K McConnell); Dayton 408 QA (Daniel K Osborne); Dayton 408 QA (Megan L Waldeck); Decatur 104 (Antonia Geiselmayr); Decatur 104 ACM Area 1 (Binh Tang); Decatur 104 ACM Area 1 (Shauntia Cobb); Decatur 104 ACM Area 2 (Antonia Geiselmayr (Inherited)); Decatur 104 ACM Area 2 (Binh Tang); Decatur 104 QA (Amaris A Wiggins); Decatur 104 QA (China Washington); Decatur 104 QA (Kyle M Lehrke (Inherited)); Decatur 446 (Amber McCullough); Decatur 446 (Jordon Lyon); Decatur 446 (Sentoria D Leonard-Brown); Decatur 446 ACM Area 1 (Amber McCullough (Inherited)); Decatur 446 ACM Area 1 (Amber McCullough); Decatur 446 ACM Area 2 (Aja Marbley); Decatur 446 ACM Area 2 (Amber McCullough (Inherited)); Decatur 446 QA (Tony D Giebelstein Jr); Delivery Support (Christopher A Betterton); Delivery Support (Robert Boland (Inherited)); Demand Planner (Rose Cimbora); Demand Planning (Ann Cipkins); Demand Planning (Tsutomu Nagoya ???? ? - ??? ????); Dept 1216 Antivenom Manufacture (Andrew Penhale); Dept 1216 Antivenom Manufacture (Cassandra Smoult); Dept 822, Cell Culture and Purification (Jamie Black); Development & chem. Quality Control (Daniel Frattini); Development Applications (Andy Chung); Development GMP Laboratory (DGL) (Andreas Meister (Inherited)); Development GMP Laboratory (DGL) (Heike Gocht); Development Projects (Heather Davis (Inherited)); Development and Support (Johannes Schiebel); Development and Support (Stefan Schmidbauer); Digital Communications (Mairian Gildea); Digital Communications (Piers Dickinson); Digital Delivery & Data (Robert Boland); Digital Health (Brian Johnson); Digital Strategy Implementation (David Christie); Digital Workplace (Dana Leeson); Dir Com Op - Vaccines (Helen Concilia); Dir, Health Economics 724 (Stuart Harsley); Direct Procurement (Angelia Crumbley); Director Clinical Science (Janine Oberije); Director Comm Ops - Pharma (Danielle Dowell); Director HR 924 (Yvette Saunders); Director QA Continuous Improvement & Issues Management (Adrian Meade); Director Quality Control (Leonora Pancho); Director Supply Chain (Lachlan Cruise); Director of Engineering (Brian Price); Director of Manufacturing, Products of National Significance (Cassandra Smoult); Director of Manufacturing, Products of National Significance (Lisa Lamb); Director, Commercial Operations NZ (Catherine Murphy); Director, Marketing (Rachel Jensen); Director, Marketing (Theo Horafiaris); Director, Program Execution (Gail Dawson); Dispatch (Bernd Schfer); Dispatch (Bernd Sch√§fer); Dispatch (Igor Kaucher (Inherited)); Dispensing, Medium & Buffer Preparation (Vreni Frtsch); Dispensing, Medium & Buffer Preparation (Vreni F√∂rtsch); Distribution (Jasmine Ma ?????) (Jasmine Ma ?????); Distribution (John Conway); Distribution (Maggie Wan ); Distribution (Maggie Wan ?????); Distribution (Nan Wang ); Distribution - Central Region (Lu Jin ); Distribution - Central Region (Lu Jin ????); Distribution - DTP, China (Cissy Xi ????); Distribution - East Region (Zhan-jun Liu ); Distribution - East Region (Zhan-jun Liu ?????); Distribution - North Region (Feng Rui ); Distribution - North Region (Feng Rui ????); Distribution - North Region (Kaijian Zhao ?????); Distribution - South Region (Nan Wang ????); Distribution - South Region (Sunny Sun ); Distribution - South Region (Sunny Sun ?????); Distribution - Tendering (Yanfang Zhou ?????); Distribution - West Region (Xuemei Zeng ); Distribution - West Region (Xuemei Zeng ?????); Distribution CH U8 (Rafael Gasser); Distribution CH U8 (Thomas Ryser (Inherited)); Distribution Junxin (Yanfang Zhou ); Distribution Junxin (Yanfang Zhou ?????); District Heights 210 (Cecelia Cutchin); District Heights 210 QA (ALISON CONLEY); District Heights 210 (Cecelia Cutchin); District Heights 210 (Michael W Solomon); District Heights 210 ACM Area 1 (Mickey Wilson); District Heights 210 ACM Area 1 (Tamika Hogan); District Heights 210 ACM Area 2 (Tamika Hogan); District Heights 210 QA (ALISON CONLEY); District Heights 210 QA (Abigail Brown-Delostrinos); Documentation (Arno Karnholz (Inherited)); Documentation (Dominik Erhart); Documentation Management and GMP Training (Jin Tao ); Documentation Management and GMP Training (Vicky Fang ????); Documentation Starting Materials (Angelika Jung); Documentation Starting Materials (Simone Lang); Dothan 504 (Demetia Scott); Dothan 504 ACM Area 1 (Olivia McVey); Dothan 504 ACM Area 2 (Kaitlyn M Delamore); Dothan 504 QA (Roxanne K Schaeffer); Douglas 190 (Alejandra Gonzalez); Douglas 190 (Jose Pineda); Douglas 190 ACM Area 1 (Irma Ornelas); Douglas 190 ACM Area 2 (Alejandra Gonzalez); Douglas 190 ACM Area 2 (Marisela Nunez); Douglas 190 QA (Andrew Larson); Downstream Manufacturing (Alan Cartwright); Downstream Manufacturing Days (Alan Hudson); Downstream Manufacturing Engineering (Anthony Flynn); Downstream Manufacturing Shift 1 (Neil Myerscough); Downstream Manufacturing Shift 2 (Edward Bucknall); Downstream Manufacturing Shift 3 (Alan Hudson); Downstream Manufacturing Shift 3 (Neil Myerscough); Downstream Manufacturing Shift 4 (Craig Ridyard); Downstream Manufacturing Shift 4 (Edward Bucknall); Drawing Office (Andrew Brown); Drug Product (Nicola Di Maiuta); Duluth 613 (Dennis J Lofald); Duluth 613 (Veronica J Kaspszak); Duluth 613 ACM Area 1 (Jenn Jackson); Duluth 613 ACM Area 2 (Angela J O''Hara); Duluth 613 QA (Heidi E Woolhouse); Durham 074 (Thomas Kisicki Jr); Durham 074 ACM Area 1 (Keonna Austin); Durham 074 ACM Area 2 (Damonta A Burch); Durham 074 QA (Meia Moore); E&I with MES/Systems (Josh Mills); E-Support (Marco Grossniklaus); E2E Operations Finance (Marcelo Estrella); ECI Finance/Controlling (Salim Ketata); EEMEA Finance/Controlling (Amanda White); EHS & Business Resilience (Lynette Hodgden); EHS (Liam Ryan); EHS Bern (Lone Carlsen); EHS Bern (Rolf Ingold); EHS Bern (Ulrich Schuerch); EHS Design Construction & Process Safety (Aaron Duff); EHS Kankakee (Dale C Rosene); EHS Kankakee (Lynette Hodgden (Inherited)); EHS Kankakee 2 (Allan Wise); EHS Kankakee 2 (Andrew Uftring); EHS Marburg (J√ºrgen Kanand (Inherited)); EHS Marburg (zcan Campinar); EHS Marburg (√ñzcan Campinar); EHS Plasma (BARBARA WUNDER); EHS Security (Adam Kennell); EHSS Lengnau (Harry Hohl); ELS A (Alain Ducaud); ELS A (Susanne Heins); ELS Z (Peter Reusser); ELS Z (Simon Haenni); EM (Tina Liu); EMEA (Anja Brunlich); EMEA (Anja Br√§unlich); EMEA HR Ops Marburg Team (Inga Menzinger-Koradin); EMEA Service Delivery (Cornelia Huber); EMEA Service Desk (Filipe Cabete); EMEA Service Operations (Bernd Boucsein); EMEA Site Services (Raluca Hodgson); EMR GH Gruppe; EMR HW Gruppe (Patrick Laukel); EMR NBF Gruppe (Thomas Peil); ERP Applications (Mourad Boulanouar); ERP Applications (Nagesh Ramesh); ERP Solution (Rajan Thomas); ERP Solution (Rajan Thomas) (Rajan Thomas); ERP Solution Center (KoP) (Peter Eliasson); ERP Solution Center (MBR) (Jochen Preis); ERP Solution Center (Neelesh Kulkarni); ERP Solution Centre (AU) (Shama Ravindran); ERP and Enterprise Applications (Steven Harvey); ES Qualification (Michael Kocher); ETA (Colin Steele); ETA (Ian Mackay); ETA (Tim Bullock (Inherited)); ETA + Utilities & Services (Michael Elmer); EU Qualified Person for PhV (Andrew Bond); EU Qualified Person for PhV (Frank Mauler); EU TA Coagulation (Bianca Petzold); EU TA Coagulation (Damian Gilkerson); EU TA Coagulation (Sinem Kaba Pasqualon); EU Therapeutic Area Immunology & Neurology Europe (Peter K Tadros); EU-QPPV Office Lead (Gudrun Dechert); EU/ROW RA Franchise Cell and aQIV (Susan Cameron-Laxton (Inherited)); Early DSP Development (Michael Schmitt (Inherited)); Early Stage DSP Development (EDD) (Lars Robbel); Early Stage DSP Development (EDD) (Michael Schmitt); Early Stage DSP Development (Olga M√ºller); Early USP Development (Jrg Gnther); Early USP Development (J√∂rg G√ºnther); Early USP Development (Stefan Debus); Early Upstream Development (Emmanuel Bizier); Early Upstream Development 1 (Ian Walker); Early Upstream Development 2 (Ellen Otte); East Point 193 (Kimberly Bragg); East Point 193 (William A Voltz); East Point 193 ACM Area 1 (Marshaya Johnson); East Point 193 ACM Area 1 (ROSALIND MCCOY); East Point 193 ACM Area 2 (Latasha A Wech); East Point 193 QA (Amaris A Wiggins); East Point 193 QA (Danelle Jones); East Point 193 QA (Melodee C Ebel (Inherited)); East Providence 202 (Christopher Travalik (Inherited)); East Providence 202 (PAUL BURKE); East Providence 202 (Sean Delong); East Providence 202 ACM Area 1 (Jacqueline Levasseur); East Providence 202 ACM Area 2 (Christine Riebe); East Providence 202 QA (Desiree Guerrero); East Providence 202 QA (Tatyani Guest); Eau Claire 514 (Kayla L Stueber); Eau Claire 514 QA (Melissa K Latourelle); Edge Commercial (Darren Hawker); Edge Finance (Matthew Rees (Inherited)); Edge Financial Accounting (Barry Johnston); Edge Manufacturing (Andrew Penhale); Edge Parkville (Matthew Rees); Edge Parkville - GLIMS (Helen Mihaljevic); Edge Planning (Brent Gorham); Edge Procurement (Mark Van Der Poel); Edge Programme (Ian Dick); Edge Programme (Philip Troughton); Edge Quality (Kate Waterman); Educational Meetings (Marco Kuhn); El Paso 197 (ALEX MARIN); El Paso 197 (Heather Jex); El Paso 197 ACM Area 1 (Michael Garcia); El Paso 197 ACM Area 2 (Cynthia Marquez); El Paso 197 QA (Amanda Robles); El Paso 197 QA (Brenda C Greenfield (Inherited)); El Paso 197 QA (CATIA LOPEZ); El Paso 248 (Edgar Rodriguez); El Paso 248 ACM Area 1 (Manuel Jaramillo); El Paso 248 ACM Area 2 (Albert Lozano); El Paso 248 QA (NOHEMI GARCIA); El Paso 279 (Alejandro Perales); El Paso 279 ACM Area 1 (Crystal Ramirez); El Paso 279 ACM Area 2 (Vanessa Pena); El Paso 279 QA (Kenya Villarreal); Electrical / I&C / BMS (Jan Klee); Electrical Engineer (Tien Nguyen); Electrical Maintenance (Marcel Ziegler); Electrical Maintenance (Vittorio D''Argento (Inherited)); Electro Maintenance (Simon Urfer); Electronic Laboratory Systems (ELS) (Susanne Heins); Electrophoresis and Immunoassays (Michael Albers); Elektroniker fr Automatisierungstechnik (Carmen Walldorf (Inherited)); Elektroniker f√ºr Automatisierungstechnik (Doris Nake (Inherited)); Elternzeit Bielefeld (Kirsten Scheibel (Inherited)); Elternzeit Bielefeld (Kirsten Scheibel); Elternzeit Diverse (Andreas Gehrich (Inherited)); Elternzeit Diverse (Andreas Gehrich); Elternzeit Diverse (Annette Pernitzsch (Inherited)); Elternzeit Diverse (Annette Pernitzsch); Elternzeit Diverse (Claudia Habenicht (Inherited)); Elternzeit Diverse (Claudia Habenicht); Elternzeit Diverse (Damaris Kieckh√∂fer); Elternzeit Diverse (Stephani Keltsch); Elternzeit Diverse (Sven Schuhmann (Inherited)); Elternzeit Diverse (Sven Schuhmann); Elyria 165 (Karin M Rothig); Elyria 165 ACM Area 1 (Nathan G Dailey); Elyria 165 ACM Area 2 (Gabrielle N Scalese); Elyria 165 QA (Calvin Juguilon); Elyria 165 QA (Jason A Skonecki); Emerging Europe (Christian Wieszner); Emerging Europe (Dirk Hoheisel (Inherited)); Employee Relations (Bonnie Shor (Inherited)); Employee Relations (Bonnie Slone (Inherited)); Employee Relations 1 (Tricia N Jackson); Employee Relations 2 (Jan Cameron); Employee Relations 3 (Emmanuella Hedge); End User Services (Christian Reinhardt); End User Services (Rolf Tr√ºmper); Endwell 220 (Barbara Ferrese); Endwell 220 ACM Area 1 (Richard Barber); Endwell 220 ACM Area 2 (Barbara Ferrese (Inherited)); Endwell 220 ACM Area 2 (Tara Streeter); Endwell 220 QA (Aarsalaan Semna); Endwell 220 QA (Richard Purdy II); Energy Management (Anna Fellenberg); Energy/WAD (Sandro Jenzer); Energy/WAD 1 (Michael Hirschi); Eng Business & Systems Mgr (Nicholas Moody); Eng Services - Ops (Mark Mansour); Eng Services -Ops (Rohit Dhorje); Eng Services-Ops (Damien Barri (Inherited)); Eng Services-Ops (Michael Spiteri); Eng Services-Ops (Victor Karafilis); Engineering (Bulk) (Jeff Rehborg); Engineering (Bozana Dujak); Engineering (Bulk) (Jeff Rehborg); Engineering (Controls) (Dennis Prom); Engineering (Controls) (Scott Bilkey); Engineering (Controls) I (Dennis Prom); Engineering (Howard Wilton); Engineering (Johannes Krmer); Engineering (Johannes Kr√§mer); Engineering (My Linh Ly); Engineering (Qualification) (Jeff Mihaichuk (Inherited)); Engineering (Qualification) (Matthew Galley); Engineering (Rainer Kraus); Engineering (Richard Friar); Engineering Compliance (Connie Costanzo); Engineering Data Management (Susan Clough); Engineering Lengnau (Olaf Thiel); Engineering Liverpool (Kevin Ridley); Engineering MAB/Gene Therapy (David Glover); Engineering Maintenance Mgr (Andrzej Wawrzykowski); Engineering Production Manager (Karen Spencer); Engineering Production Manager (Mark Davide); Engineering Production Manager (Stuart Barnes); Engineering Projects Dept (Stuart Freeland-Small); Engineering Projects Manager (Anthony Wrzesinski (Inherited)); Engineering Projects Manager (Anthony Wrzesinski); Engineering Projects Manager (David Ryan); Engineering Serv (Narein Mather); Engineering Serv (Sudhir Kamath); Engineering Serv - Drawing Office (Peter Dubuisson-Perrine); Engineering Serv - Maintenance (Michael Bell); Engineering Serv - Maintenance (Shiran Fernando); Engineering Serv - Management (Crystal Penaluna); Engineering Serv - Management (Geoff Armstrong); Engineering Serv Plan &Support (Benjamin Terbeeke); Engineering Serv Plan &Support (Deepak Cherian); Engineering Serv Plan &Support (Satya Dara (Inherited)); Engineering Serv Plan &Support (Satya Dara); Engineering Services Ops (Jarvis Walker); Engineering Services (Arnold Nigsch); Engineering Services (Atul Malhotra); Engineering Services (Bradley J Eberhart); Engineering Services (Daniel Reveron); Engineering Services (Franz Arnold Nigsch); Engineering Services (James E Viane Jr); Engineering Services (Jose Gonzalez (Inherited)); Engineering Services (Peter Szitas); Engineering Services (Victor Marinelli); Engineering Services - Maintenance (Matthew Johnson); Engineering Services - Maintenance E/I (Jason Fletcher (Inherited)); Engineering Services - Maintenance E/I (Jason Fletcher); Engineering Services - Maintenance E/I (Matt Downey); Engineering Services - Maintenance E/I 1 (Samuel Kanyongo); Engineering Services - Maintenance E/I 2 (Ronnie Mercieca); Engineering Services - Maintenance E/I 3 (Ben Hillman); Engineering Services - Maintenance E/I 4 (ANDREW Rawlinson); Engineering Services - Maintenance E/I 5 (Haisley Okpako); Engineering Services - Maintenance E/I 6 (Jim Haines); Engineering Services - Ops (Amanda Sim); Engineering Services - Ops (Jason Chan); Engineering Services - Ops (Lee Dengler); Engineering Services 3 (Gene Bohn); Engineering Services I (Daniel Reveron); Engineering Services Process Leader (Tim Bullock); Engineering Services ¬ñ Ops (Jarvis Walker); Engineering Standards (Adam Dragolic); Engineering Support (Crystal Penaluna (Inherited)); Engineering Support (Crystal Penaluna); Engineering Support (Geoff Armstrong (Inherited)); Engineering Support (Jayne Crowley); Engineering Technology Transfer (Shannon Boudreau); Engineering, PKV (Anthony Wrzesinski); Engineering, PKV (Brian Price); Engineering/PJM (Roger Stoffel); Engineering/PJM (Sven Schwerdtfeger); Enshi Inspection (Binming Tian ?????); Enshi Plasma (Xiaoxing Jiang ); Enshi Plasma (Xiaoxing Jiang ?????); Enshi Plasma Collection Center (Genxiong Zhou ?????); Enshi Plasma Collection and Office Administration (Min Zhang ); Enshi Plasma Collection and Office Administration (Min Zhang ????); Enshi Plasma Operations (Jing Wang ); Enshi Plasma Operations (Jing Wang ????); Enshi Plasma Sourcing (Liu Yang ????); Enshi Quality Control (Xiaohong Tan ?????); Enshi Quality Control Management (Stevin Cheng ); Enshi Quality Control Management (Stevin Cheng ?????); Enshi Quality Control Management (Xiaoping Tang ?????); Enshi Quality Inspection (Yinglong Liu ); Enshi Quality Inspection (Yinglong Liu ?????); Enshi Supply Management (Hong Yuan ); Enshi Supply Management (Hong Yuan ????); Enterprise Analytics (John Thompson); Enterprise Applications (Charles Lowe); Enterprise Applications (David Christie); Enterprise Applications (Martin Jones (Inherited)); Enterprise Architecture (Ian Wilson); Enterprise Architecture (Keith Walbert); Enterprise Architecture (Movi Banerjee); Enterprise Business Solutions (David Wolozyn); Enterprise Data Management (Matt Barnett); Enterprise Excellence (Andrew Croft); Enterprise Execution Systems (Frank Mastellone); Enterprise Infrastructure & Operations (Bernard Shepard); Enterprise Infrastructure & Operations (Don Konemann (Inherited)); Enterprise Infrastructure & Operations (Greg Misyak); Enterprise Investment Portfolio Management (Aymeric Ange); Enterprise Learning Management (Justin Huss); Enterprise Portfolio & Governance (Matthew Cam (Inherited)); Enterprise Portfolio & Governance (Matthew Cam); Enterprise Portfolio & Governance (Matthew Kokkonen); Enterprise Process Management (Desire Djomani); Enterprise Process Management (Linda Carducci (Inherited)); Enterprise Process Management (Matthias Kienast); Enterprise Security & Risk (Edward Ferrara); Enterprise Security & Risk EMEA (Jrg Koch); Enterprise Security & Risk EMEA (J√∂rg Koch); Enterprise Security - Identity and Access Management (Rebecca Daniels); Enterprise Security - Identity and Access Mgmt (Rebecca Daniels); Enterprise Security Architecture (Wilfried Ziegler); Enterprise Site Management (AU/Asia) (Don Konemann (Inherited)); Enterprise Site Management (AU/Asia) (Viv Louzado); Enterprise Site Management (Andr√© Strahm); Enterprise Site Management (Michael Furchert); Enterprise Site Management MBR (Michael Furchert); Environment (Barbara Dix); Environment Health Safety Sustainability (Dale C Rosene); Environment Health Safety Sustainability (Lynette Hodgden (Inherited)); Environmental Health & Safety (Andrew Hanley); Environmental Health & Safety (David Nelson); Environmental Health & Safety (David Stewart); Environmental Health & Safety (Filanthy Nalpantidis); Environmental Health & Safety (Prue McKeown); Europe Global Reg Affairs (Hazel-Anne Griffiths); Europe HR Ops Tier 1 (Katrin Schpbach); Europe HR Ops Tier 1 (Katrin Sch√ºpbach); Europe HR Ops Tier 1 (Stephan Sch√§ufele (Inherited)); Europe HR Ops Tier 1 (Sylvia Potocnik); European Sourcing Packaging (Matthias Engler); Evansville 614 (Coltin L Springate); Evansville 614 (Michelle S DeCambre); Evansville 614 (Scott Ward); Evansville 614 ACM Area 1 (Tani Baugher); Evansville 614 ACM Area 2 (Ian C Fox); Evansville 614 QA (Karla K Cooper); Execution Systems (Matt Casey); Executive Admin (Rupal Pandit); Executive Assistant & Travel Office (Eliane Bossart); Executive Assistant (Joanne Du); Executive Assistant (Sarah Gleeson); Executive Compensation & Equity (Micaela Costello); Experimental Unit (Felix Hiltwein); Export Admin LatAm (Cindy Jacobs); External Communications (Natalie de Vane); External Materials (Dominik Corbet); External Supply Integration (Cameron Barrett); External Supply Quality Assurance (Eva Streit); External processes (Andr Strahm); External processes (Andr√© Strahm); External processes (Simon Haemmerli); F IX, F II, Inhibitors (Carlotta Debnar-Daumler); F VIII & F IX (Barbara Kalina (Inherited)); F VIII & F IX (Horst Boeder); FBP Project and Portfolio Support (Ritesh Kumar); FP - Non Process Engineering and Construction Management (Jennifer Mastio); FP - Non Process Engineering and Construction Management (Rolf Mnig); Fachlageristen (Carmen Walldorf (Inherited)); Fachlageristen (Doris Nake (Inherited)); Facilities & Utilities (Adila Zaidi); Facilities & Utilities (Bradley J Eberhart (Inherited)); Facilities (Claire Behforooz); Facilities Develop & Services (Barbara Anderton); Facilities Develop & Services (Cameron Cook); Facilities, Capex and Drawing (Mark Hughes); Facilities, Utilities & Services (Michael Elmer); Facility & Waste Management (Michael Andrey); Facility & Workspace Management (Samuel Maurer); Facility Compliance Specialist (Andrew Stalder); Facility Management (Christian Daum); Facility Management (Hansjoerg Bettschen); Facility Management (Hanspeter Bruni); Facility Management (Michael Andrey); Facility Project Management - Non Process Engineering and Construction (Rolf M√∂nig); Facility Project Management - Process Engineering (Darren Vegara (Inherited)); Facility Project Quality Management (Brian Grimson [C]); Facility Project Quality Management (Graham William Telford); Facility Services (Alex Elandt [C]); Facility Services (Alex St√§hli); Facility Services (Sabine Beck); Facility Services (Samuel Maurer); Facility, Data & Laboratory Management (Robert Schwanzer); Faktor X Produkte (Carlotta Debnar-Daumler); Fayetteville 266 (Grant Strayer); Fayetteville 266 ACM Area 1 (Kady-Ann Foster); Fayetteville 266 ACM Area 2 (Joshua Simpson); Fayetteville QA 266 (Daniel Huereca); Federal Way 110 (Tamara Ann Owens); Federal Way 110 ACM Area 1 (Nancy Martinez); Federal Way 110 ACM Area 1 (Tamara Ann Owens); Federal Way 110 ACM Area 2 (Tamara Ann Owens (Inherited)); Federal Way 110 ACM Area 2 (Tiffani Brazzell); Federal Way 110 QA (Jenny Bardwell); Federal Way 110 QA (Simon P Dickinson); Fermentation Research (Thomas Rein); Fertigungselektronik (Michael Kraft); Fertigungselektronik 1.0 (Thomas Grn-Fischer); Fertigungselektronik 1.0 (Thomas Gr√ºn-Fischer); Fertigungselektronik 2.0 (Ralf Gerlach); Fertigungselektronik 2.1 (Ralf Gerlach); Field Sales (Angus Gordon); Field Sales (Catherine Murphy (Inherited)); Field Sales (Kim Fry); Field Services BRN & LGN (Urs Derungs); Field Support (Brett A Wintheiser); Field Support (Brett Wintheiser); Field Support (Robin G Palmer (On Leave)); Field Support (Robin G Palmer); Fill - Finish (Pasquale Carestia); Fill / Finish (Pasquale Carestia); Fill / Finish Manufacturing (David Hartley); Fill /Finish Process Improv Manager (Joseph Connor); Fill Area (Barbara Beugger); Fill Area (Nicola Di Maiuta); Fill Finish (Beat Allemann); Fill Finish (Nicola Di Maiuta); Fill Finish (Shannon Thorp); Fill Finish Marburg (Frank Emmerich); Fill Finish Marburg (Helmut Robert Euler); Fill Finish Operations (Lasher Rao ); Fill Finish Operations (Lasher Rao ?????); Fill Finish Operations (Philip Troughton); Fill Process Technology (Herman Schinkelshoek); Fill and Finish Support (Melissa Addamo); Fill finish (Ian Middleton); Fill finish (John Riley); Fill finish (Marion Taligault Owens); Fill/Finish Formulation (Caterina Colantoni); Fill/Finish Formulation (Norm Mancuso (Inherited)); Filling & Packaging Mechanical Team (Adam Steegstra); Filling & Packaging Mechanical Team (Tharanga Abeysinghe); Filling & Visual Inspection (Eveline Kindler); Filling (Adrian Carni); Filling (Andreas Gavriel (Inherited)); Filling (Andreas Gavriel); Filling (Andrew Marshall (Inherited)); Filling (Andrew Marshall); Filling (Cuong Nguyen); Filling (Daniel Locandro); Filling (Igor Belevski); Filling (Joselito Bautista); Filling (Marion Taligault Owens); Filling H69 & Refludan (Matthias Klein); Filling I (Eveline Kindler); Filling II (Celio Ferreira); Filling II (Simone Wettstein); Filling Line & Lyophilisation (Michael Gisler); Filling Line I & II (Adrian Aeschlimann); Filling Line I & II Equipment Preparatio (Werner Steiner); Filling Line I & II Group 1 (Urs Cotting); Filling Line I & II Group 2 (Markus Rindisbacher); Filling Line I & II Group 3 (Bruno Zuercher); Filling Line I & II Group 3 (Roland Gerber); Filling Line I&II Pasteurisat./Incubat. (Eduard Wittwer); Filling Line II Pasteurisat./Incubat (Roland Lerch); Filling Line III & IV (Mathias Beck); Filling Line III (Mathias Beck); Filling Line III Group 1 (Sasa Lazarevic); Filling Line III Group 2 (Christian Schmid); Filling Line III Group 2 (Daniel Kraehenbuehl); Filling Line III Group 3 (Ulrich Beat Wildi); Filling Line III Support (Daniel Kraehenbuehl); Filling Line IV (Jean-Claude Cauderay); Filling Line IV, Lyo & Support (Alexander Kissler); Filling Line IV, Lyo & Support (Jean-Claude Cauderay); Filling Line V (Andrea Jantsch); Filling Line V (Anna Meier); Filling M 305 (Esther Seidel); Filling Non Privigen (Mayur Bannore); Filling Operations (Chenyi Guo ?????); Filling Operations (Wei Xiao ); Filling Privigen (Narelle Urli); Filling Privigen (Tyson Parker); Filling Support (Andrew Marshall); Filling Toll Plasma (Dale Peel); Filling Toll Plasma (Laxman Trichinapalli); Filling Toll Plasma (Narelle Urli); Filling Toll Plasma (Peter Koelmeyer); Filling Toll Plasma (Rebecca Hayes); Filling Toll Plasma (Robert La Ferla); Filling V Group 1 (Eike Gredler); Filling V Group 1 (Roger Wamister); Filling V Group 1 (Thomas Daehler); Filling V Group 2 (Michael Roos); Filling V Group 2 (Thomas Daehler); Filling and Packaging (Narelle Urli); Filling and Packaging (Tyson Parker); Filling/Lyo/Visual Inspection (Michael Gisler); Final Product Manufacturing / Production Services (Othmar Geisser); Final Product Planning (Ingo Kling); Final Product Planning (Jan-Christopher Gerlach); Final Product Planning (Julian Knabeschuh); Finance & Accounting (Eisuke Kofugata); Finance & Accounting (Haruka Utsugi (Inherited)); Finance & Accounting Japan (Izumi Yoshida - ); Finance & Accounting Japan (Izumi Yoshida ??? ??? - ??? ????); Finance & Controlling (Devun Dusoruth); Finance & Controlling (Ebru Kuntay); Finance & Controlling (Jonathan Ho); Finance & Controlling (Justin Mericle); Finance & Controlling HU (Togya Gergely); Finance & Controlling Italy (Annalisa Saracchi); Finance (Amy Kishikawa); Finance (Avi Singh); Finance (Becky Heatherman); Finance (Carolyn Xiong ????); Finance (Damian Gaylor); Finance (Daniel Janides); Finance (Fergus Patrick McLellan); Finance (Frank Liesner); Finance (Harold Chan (Inherited)); Finance (Helen Gearing); Finance (Jacqui Lomas (Inherited)); Finance (Jacqui Lomas); Finance (John Levy); Finance (Karol Bian ?????); Finance (Kate Tse); Finance (Ken Lim); Finance (Konstantin Petropoulos); Finance (Lena Shi ????); Finance (Luke McMahon (Inherited)); Finance (Luke McMahon); Finance (Melody Orbiso); Finance (Nicole Pryde); Finance (Nishant Popat); Finance (Shalini Goundar); Finance (Siu-Yin Yu ?????); Finance (Vicci Quagliarella); Finance (Wolfgang Thiel); Finance (Xiaowei Yin ); Finance (Xiaowei Yin ?????); Finance / Tax Marburg (Fatma Kremser); Finance Belgium (Jrgen Bond); Finance Belgium (J√∂rgen Bond); Finance Business Partner Commercial EMEA (Simon Briscoe); Finance Business Partnering Operations (Daniel Janides); Finance Business Partnership (Jason Sowles); Finance Business Partnership (Michael T McAvoy); Finance Business Partnership I (Michael T McAvoy); Finance China (Karol Bian ?????); Finance Commercial LATAM (KRISTINE SOLOMON (Inherited)); Finance Commercial LATAM (Martin Descotte); Finance Czech Republic / Slovakia (Libor Ballek); Finance Director: Lead Business Partner (Sharon Tindley); Finance EU Commercial (KRISTINE SOLOMON (Inherited)); Finance EU Commercial (Kristine Solomon (Inherited)); Finance France (Charlotte Rougi√©); Finance Global Commercial (KRISTINE SOLOMON); Finance Global Commercial (Kristine Solomon); Finance Greece (Christos Papadatos (??????? ?????????)); Finance Greece (Efstathios Lymperopoulos); Finance Netherlands (Jrgen Bond); Finance Netherlands (J√∂rgen Bond); Finance Nordic (Carl Werner); Finance Portugal (David Roig Martinez); Finance Spain (David Roig Martinez); Finance UK (Paul Fellingham); Finance US Commercial Operations (Robert Smith Jr); Finance and Admin (Elena Kondrashova); Finance and Controlling (Devun Dusoruth (Inherited)); Finance and Controlling (Doris Kamtner); Finance and Controlling (Franz Gr√ºn, Doris Kamtner); Finance and Controlling (Ulrike Bridi); Finance, Accounting & Reporting (Beeharrylall Jeetun); Finance, Business Modelling (Helen Gearing (Inherited)); Financial Planning & Analysis (Duncan Webber); Financial Planning and Analysis (Haruka Utsugi); Financial Planning and Analysis 1 (Christopher Pulupa); Financial Planning and Analysis 2 (Christopher Pulupa (Inherited)); Financial Planning and Analysis 2 (Daniel Ganaishlal); Financial and Reporting Accountant (Hayley Jackson); Financial and Reporting Accountant (Ryan Brown [C]); Financial and Reporting Accounting (Callum Bircham); Finishing & Infrastructure (Laurent Wagner); Finishing & Infrastructure (Roger Stoffel); Flint 161 (Anjela Johnson); Flint 161 (Carlotta McCoy); Flint 161 ACM Area 1 (Janie Cary); Flint 161 ACM Area 1 (Trina L Bryant); Flint 161 ACM Area 2 (Carlotta McCoy (Inherited)); Flint 161 ACM Area 2 (Khatija Moiz); Flint 161 QA (Allante S Williams); Flint 161 QA (Andrea K Coleman); Forecasting & Strategic Analytics (Joshua Prince); Forecasting & Strategic Analytics (MANISH SRIVASTAVA); Forecasting, Compliance & CTA Operations (Jutta Neufang-Hueber); Formulation (Remon Hemaya); Formulation Development (Ahmad Abdul Fattah); Formulation Development (Di Goodall); Formulation Development (Heidi Elmer Bodnar); Formulation Development (Hywel Williams); Formulation Development (Michelle Zhuravlyova); Formulation Development (Nathan Edwards); Formulation Development (Richard Shalders); Formulation Development (Scott Thompson); Formulation Project Process (John Riley); Formulation Project Process (Marion Taligault Owens); Formulation Shift A (David Rimmer); Formulation Shift B (David Rimmer); Formulation Shift B (Matthew Storey); Formulation, Lyo & Stability Development (FLS) (Uwe Liebing); Fort Collins 705 (Erin J Zwalina); Fort Collins 705 ACM Area 1 (Michael A McNear); Fort Collins 705 ACM Area 2 (Jeremy M Kuehn); Fort Collins 705 QA (Christi Bringle); Fort Smith 278 (David Ensminger (Inherited)); Fort Smith 278 (Rachael Kirby); Fort Smith 278 ACM Area 1 (Rachael Kirby); Fort Smith 278 ACM Area 1 (Tammy Semiche); Fort Smith 278 ACM Area 2 (Russell Perez); Fort Smith 278 QA (David Ensminger (Inherited)); Fort Smith 278 QA (Whitney Jacobs); Fort Wayne 089 (Malori A Shields); Fort Wayne 089 (Rob Garcia); Fort Wayne 089 ACM Area 1 (Timothy R Albright); Fort Wayne 089 ACM Area 2 (Chad Rudolph); Fort Wayne 089 QA (Chris Cusack); Fort Wayne 089 QA (Erik Plate (Inherited)); Fort Wayne 089 QA (Gretchen Watkins); Fort Wayne 089 QA (Mitch A Quinn); Fort Worth 419 (Angelica M Henry); Fort Worth 419 (Sarah E Silva); Fort Worth 419 ACM Area 1 (Eddie S Rosas); Fort Worth 419 ACM Area 2 (Jennyfer Delacruz); Fort Worth 419 ACM Area 2 (Martel Carter); Fort Worth 419 ACM Area 3 (Angelica M Henry (Inherited)); Fort Worth 419 ACM Area 3 (MacGregor Roy); Fort Worth 419 QA (Rochelle L Shannon); Fractionation & Bulk (Michael Beyeler); Fractionation & Bulk (Roger Stoffel); Fractionation & Bulk (Sven Schwerdtfeger); Fractionation & Bulk (Zabdiel Dominguez); Fractionation (Simon Scheidegger); Fractionation Group 1 (Fritz Liechti); Fractionation Group 2 (Adrian Locher); Fractionation Group 3 (Christian Stucki); Fractionation Group 4 (Walter Strahm); Fractionation Group 5 (Urs Durtschi); Fraktionierung & Filtration (Kai Erkel); Fraktionierung (Rainer Frank (Inherited)); Franchise Medical Affairs Team 1 (Emna Bourkhis); Franchise Medical Affairs Team 1 (Nabil Moumane); Franchise Medical Affairs Team 2 (Hasan Catovic); Fredericksburg 703 (Sara M Schuppe); Fredericksburg 703 (Sheri Mixon (Inherited)); Fredericksburg 703 ACM Area 1 (Juan Manuel Castillo); Fredericksburg 703 ACM Area 2 (Mykel A Gonzales); Fredericksburg 703 QA (Gracie P Melendez); Front Line QA (Amanda Cooper); Ft Collins 705 QA (Christi Bringle); Ft. Gratiot 170 (Adrienne Smith); Ft. Gratiot 170 (Desiree Wright); Ft. Gratiot 170 ACM Area 1 (Cortney Young); Ft. Gratiot 170 ACM Area 2 (Karri Mitchell); Ft. Gratiot 170 QA (Allante S Williams); Ft. Gratiot 170 QA (Breanna Mini); Ft. Gratiot 170 QA (Melissa Johnson); GCSP & PhV Regions (Richard Wolf); GCSP Global Regions (Lana Gloukhova); GCSP Regions & Pv Operations (Kevin Burke (Inherited)); GCSP Regions & Pv Operations (Kevin Burke); GCSP Regions & Pv Operations 1 (Mark McGinnis); GCSP Regions (Angela Long); GCSP Regions (Rawad Antoun); GCSP Regions Lead Asia Pacific (Sophie Fontez); GCSP Regions Lead ECI (Simone Lorenz-Asmus); GCSP Regions Lead EU (Nicole Avalos); GFSS Asia Pac (Noopur Pattni (Inherited)); GFSS ¬ñ Asia Pac (Madison Crawford); GM & Staff (Sarah Yeung); GMP Compliance & Packaging Excellence (Thorsten Keller); GMP Training (Ann Moody); GPSS BRN & LNG (Denis Klochkov); GPSS BRN & LNG (Stephanie Schoch); GPSS USA (Michael Burdick); GRA CMC (Eva Walter); GRA CMC BMW (Siew Cheng Ney); GRA CMC BMW Team 1 (Nicole Apostolidis); GRA CMC BMW Team 2 (Libby Brodie); GRA CMC BRN (Luca Reggiani); GRA CMC BRN Team 1 (Petra Truetsch); GRA CMC BRN Team 2 (Dominique Schaller); GRA CMC BRN Team 2 (Sabine Rohner); GRA CMC BRN Team 3 (Grzegorz Podrygajlo); GRA CMC BRN Team 3 (Karin Stein-Liesen); GRA CMC KAN (Rick Khuu); GRA CMC KAN (Ricky Khuu); GRA CMC KAN Team 1 (William K Mendell); GRA CMC KAN Team 2 (Olga Neumller); GRA CMC KAN Team 2 (Olga Neum√ºller); GRA CMC KAN Team 3 (William K Mendell); GRA CMC MBR (Lene Nielsen); GRA CMC MBR (Martin Opper); GRA CMC MBR Team 1 (D√∂rthe Vingerhoet); GRA CMC MBR Team 1 (Markus Kuhl); GRA CMC MBR Team 2 (Thomas Nassauer); GRA CMC MBR Team 3 (Antje Mehrer); GRA CTA Operations Group (Florin Muraru); GRA GPS CV, Metabolism & Adv Therapies (Scott Hambaugh (Inherited)); GRA GPS Cardiovascular & Metabolism (Scott Hambaugh (Inherited)); GRA GPS Hematology & Thrombosis (Scott Hambaugh); GRA GPS Hematology & Thrombosis (Sibylle Kaiser); GRA GPS Immunology & Neurology (Lauren Tornetta); GRA GPS Immunology & Neurology (Scott Hambaugh (Inherited)); GRA GPS Immunology (Scott Hambaugh (Inherited)); GRA GPS Inflammation & Transplant (Hartmut Landgrebe); GRA GPS Respiratory (Melissa Tokosh); GRA GPS Transplant (Hartmut Landgrebe); GRA LATAM (Gordana Joksimovic); GRA Planning Group (Martin Steinmann); GRA Region EU & Switzerland (Anke Arnold); GRA Region EU & Switzerland (Bettina Doepner); GRA Region EU & Switzerland (Birgit Sommer (Inherited)); GRA Region EU & Switzerland (Birgit Sommer); GRA Region EU & Switzerland (Martina Schneider); GRA Region EU & Switzerland (Paolo Voltolina); GRA Region EU & Switzerland (Pedro Manuel Regateiro de Moura Campino); GRA Region EU & Switzerland (Stefanie Zaugg); GRA Region EU & Switzerland (Wencke Maeder-Wotruba (Inherited)); GRA Region EU & Switzerland (Wencke Maeder-Wotruba); GRA Region EU & Switzerland (Wolfgang Friedrich); GRA Region NA - AdPromo (John Hill); GRA Region NA - Hematology (Tara Chapman); GRA Region NA - Immnunology (Angela D Azzara); GRA Region NA ¬ñ CMC (Todd Olson); GRA Region NA ¬ñ CV/Transplant (Uros Djekic); GRA Region North America (Tara Chapman); GRA Resourcing (Silke Britschock); GSP Operations (Liwei Sun ); GSP Operations (Liwei Sun ?????); Gainesville 182 (Laila Matthews-El); Gainesville 182 ACM Area 1 (Toya Green); Gainesville 182 ACM Area 2 (Laila Matthews-El (Inherited)); Gainesville 182 ACM Area 2 (Leslie L Heidelberg); Gainesville 182 QA (Elvern M Gregg); Gainsville 182 (Deidra Snow-Johnson); Gainsville 182 (Laila Matthews-El); Gainsville 182 QA (Elvern M Gregg); Gastonia 267 (Mai Yang); Gastonia 267 ACM Area 1 (Terri L Salsman); Gastonia 267 ACM Area 2 (Scotty Burch); Gastonia QA 267 (Blake Painter); Gbl Commercial Operations-Cardiovascular (Debbie Drane (Inherited)); Gbl Commercial Operations-Cardiovascular (MaryAnn Capritti); Gene Therapy (Karsten Peppel); Gene Therapy (Orit Wolstein); Gene Therapy Research (Cdric Vonarburg); Gene Therapy Research (C√©dric Vonarburg); Gene Therapy Research I (Florian Aeschimann); Gene Therapy(Orit Wolstein); General Ledger (Tanja Bieri); General Ledger (Tanja Gurtner); General Ledger Accounting (Thierry Bonjour); General Product Characterisation (Robert Dickinson); General Product Characterisation (Tom Murray-Rust); Geringfgig Beschftigte (Andreas Gehrich); Geringfgig Beschftigte (Annette Pernitzsch); Geringfgig Beschftigte (Claudia Habenicht); Geringfgig Beschftigte (Kirsten Scheibel); Geringfgig Beschftigte (Natascha Tappendorf); Geringfgig Beschftigte (Stephani Keltsch); Geringfgig Beschftigte (Sven Schuhmann); Geringf√ºgig Besch√§ftigte (Andreas Gehrich); Geringf√ºgig Besch√§ftigte (Annette Pernitzsch (Inherited)); Geringf√ºgig Besch√§ftigte (Annette Pernitzsch); Geringf√ºgig Besch√§ftigte (Claudia Habenicht (Inherited)); Geringf√ºgig Besch√§ftigte (Claudia Habenicht); Geringf√ºgig Besch√§ftigte (Kirsten Scheibel (Inherited)); Geringf√ºgig Besch√§ftigte (Kirsten Scheibel); Geringf√ºgig Besch√§ftigte (Natascha Bock (Inherited)); Geringf√ºgig Besch√§ftigte (Stephani Keltsch); Geringf√ºgig Besch√§ftigte (Sven Schuhmann (Inherited)); Geringf√ºgig Besch√§ftigte (Sven Schuhmann); Gertevorbereitung (Roman Truttmann); Ger√§tevorbereitung (Roman Truttmann); Gesundheitsschutz (J√ºrgen Kanand (Inherited)); Gesundheitsschutz (zcan Campinar (Inherited)); Gesundheitsschutz (√ñzcan Campinar (Inherited)); Gilbert 131 (Daniel I Villegas (Inherited)); Gilbert 131 (Erica L Ewing); Gilbert 131 ACM Area 1 (Christopher Hersch); Gilbert 131 ACM Area 1 (Michael Brownell); Gilbert 131 ACM Area 2 (Karen Branch); Gilbert 131 QA (Karen Branch); Gilbert 131 QA (Will Porter); Glassware Washing (Jasmina Trumic); Glen Burnie 136 (Bryon Wiley); Glen Burnie 136 (Guillian T Gonzalez); Glen Burnie 136 ACM Area 1 (Janet Rhys-Jones); Glen Burnie 136 ACM Area 2 (Solyana Gebrekidan); Glen Burnie 136 QA (Monique L Fitz); Global Analytical & Technical Services (Stephen Case); Global Analytical Science & Technology (Jeffrey Pederson); Global Analytical Science & Technology (Stephen Case); Global Applications Testing (Kinga Zambo); Global Artwork (Karelle Phelan); Global Automation (Christoph Zahnd (Inherited)); Global Automation (Hans Wieser); Global Batch Release (Karen Marks); Global Benefits (Judith Kleemeier); Global Bioanalytical (Jeffrey Michael Hey); Global Bioanalytical (Matthias Zimmermann); Global Bioanalytical (Vanessa Sandford); Global Bioanalytical Sciences (Jeff Hey); Global Business Technology (John A Newsom); Global CQA Systems (Carmen Szeto); Global Case Management (Kevin Burke); Global Case Management (Monika Klug); Global Case Managment (Joanne Grego); Global Category Gels, Resins, Media & Process Aid (Stephan Heer); Global Category Lead R&D (Benjamin Prior); Global Change Management and Communications (Linda Hagerty-Dotterer); Global Clinical Dev Hematology & Thrombosis (Marcus Carr); Global Clinical Development (Frank Albano); Global Clinical Development (William Mezzanotte (Inherited)); Global Clinical Development (William Mezzanotte); Global Clinical Development Hematology & Thrombosis (Marcus Carr); Global Clinical Ops - Transplant (Michele Jenkins); Global Clinical Programs (Blanca Salazar); Global Clinical Programs 2 (Ingo Pragst); Global Clinical Quality Assurance (Claudia Fellmer); Global Clinical Quality Assurance (Volker Nickel (Inherited)); Global Commercial Insights & Analytics (Nitin Bhatnagar); Global Commercial Operations (William Campbell); Global Content (Greg Healy); Global Data Management (Jennifer Toomey); Global Doc Systems (Dominik Zuercher); Global EH&S, Resilience and Risk Management (Lynette Hodgden); Global Engineering (Christoph Zahnd); Global Engineering Projects (Darrah Wilkerson); Global Export Order Fulfillment (Sabine Hmel); Global Export Order Fulfillment (Sabine H√§mel); Global Finance (David Lamont); Global Financial Operations (David Lamont (Inherited)); Global Financial Operations (Karen Neave); Global HR Business Partner Organization (Doug German); Global HR Operations (Sara Proctor [C]); Global HR Operations (Sara Proctor); Global HR Services and Payroll (Mark Hickenbottom); Global HR Systems (Garnett Hudson); Global HR Systems (Jeff Allen); Global HR Systems (Melissa Zyla); Global HR Systems I (Jeff Allen); Global HR Systems II (Melissa Zyla); Global HR Systems and Reporting (Andrea Dauphinee); Global HR Systems and Reporting (Patricia Berdugo); Global HR Systems and Reporting (Rob Nyhan); Global Health Economics and Reimb (Girishanthy Krishnarajah); Global Health Economics and Reimb (Ryan Saadi); Global Healthcare Policy & Ext. Affairs (Dennis Jackman); Global Healthcare Policy & Ext. Affairs (Michael Ruggiero); Global Human Resources (Andrea Resch); Global Human Resources (Elizabeth Walker); Global Human Resources Business Partner Organization (Doug German); Global Human Resources Business Partner Organization (Gyuri Endes); Global IP (Beate Binsack); Global IT PMO (Lance Runyard); Global IT Service Delivery (Sam Vickers); Global IT Service Delivery (Sunil Shah); Global Indirect Procurement (James Thomas); Global Indirect Sourcing (John Ehgartner); Global Intellectual Property (GIP) (Hans-Peter Hauser); Global Intellectual Property (Peter Gomme); Global Internal Communications (Michele Darnell); Global LIMS (David Johnstone); Global Labeling (MARK COLLINS); Global Labeling (Maryann Cuomo); Global Labeling Operations (Maricarmen Dilone-Raposo); Global Labelling Operations (Lynda Rizzetti); Global Legal (Gregory Boss); Global Legal (John Michael Minardo); Global Legal (John Minardo); Global Legal Operations & Services (Lauren Neal); Global Legal Services (Adarsh Nair); Global Legal Services (Kieran O''Shea); Global Library Service Operations (Ulrike Friebertshuser-Jilke); Global Library Service Operations (Ulrike Friebertsh√§user-Jilke); Global Licensing (Andrea Huggins); Global Licensing (Michael Jorgensen); Global Logistics (Marianne McDonald); Global Logistics (Paul Wolstencroft); Global Logistics (Uli Kiefer); Global Logistics Operations (Suzanne Johnson (Inherited)); Global Logistics Team (BP Pedersen); Global MS&T (Irina Staxen); Global MSPR (Christoph Hck); Global MSPR (Christoph H√∂ck); Global Manufacturing (Chris Larkins); Global Manufacturing Ops & Plasma (Tony HARTMAN); Global Marketing Team Cardiovascular (KAMRAN MAMMADOV); Global Medical Affairs (Gregg Sylvester); Global Medical Affairs (Marcus Stockschlder); Global Medical Affairs (Marcus Stockschl√§der); Global Medical Devices & Primary Packaging Materials (Declan Reilly); Global Medical Evaluation (Federico Melo Ferrer); Global Medical Evaluation (Federico Melo-Ferrer); Global Medical Evaluation (Sabine Hrtel); Global Medical Evaluation (Sabine H√§rtel); Global Mobility COE (Ulrike Krenz-Fisher); Global Operation & RCF Administration (Margrit Hug Bucher); Global Operational Excellence and BPM (Fabrice Gribon); Global Operational Excellence and BPM (Stephen Marlow (Inherited)); Global Operations & Quality Finance (Helen Gearing (Inherited)); Global Operations & Quality Finance (Jacinta Glennon); Global Operations (Chris Larkins); Global Operations (Stephen Marlow); Global Operations (Val Romberg); Global Packaging (Warren Comerford); Global Packaging (jerome serrurier); Global Packaging Design and Artwork (Andrew John Robinson); Global Packaging Design and Artwork (Eva Streit); Global Packaging Services (Rick A Majszak); Global Packaging Services (Samantha Czako (On Leave)); Global Packaging Services (Samantha Czako); Global Pathogen Safety (Birgit Popp); Global Pathogen Safety (Eleonora Widmer); Global Pathogen Safety (John Liu); Global Pathogen Safety (Nathan Roth); Global Pathogen Safety - Marburg (Birgit Popp); Global Pathogen Safety - Marburg (Bj√∂rn Keiner); Global Pathogen Safety Support (Eleonora Widmer); Global Pathogen Safety Support Asia (Connie Broumis); Global Payroll (Christina Avraamides); Global Payroll (Marjorie Platt); Global Payroll (Mark Hickenbottom (Inherited)); Global Pharmacovigilance Quality Assurance (Claudia Nolte); Global Planning (Harald Berg); Global Planning (Jamie Pritzl); Global Planning, Supply Chain (Chad Salisbury); Global Planning, Supply Chain (Steve Moloney); Global Plasma Team (Dieter Brazel); Global Plasma Technology Ownership (Benno Bitterli); Global Portfolio Influenza (Jane Lanteri) (Jane Leong); Global Pricing (John Hakanson); Global Product Characterization (Stefan Schmidbauer); Global Product Specifications and Reference Standards (Richard Steere); Global Product Strategy (GPS) (Scott Hambaugh); Global Publishing (Marquis Bryant); Global Publishing (Timothy Huke); Global QA, IT (Patricia Hernan Miller); Global Quality (Vasilis Mavrogenis); Global Quality - Americas (Carlos Torres); Global Quality Affiliates (Collins Onyejese); Global Quality Affiliates (Laura O''Brien (Inherited)); Global Quality Assurance (Karen Netherton); Global Quality Control (Brian Nunnally); Global Quality Management (Jeffrey A Alcorn); Global Quality Management (Laura O''Brien); Global Quality Management (Rushen Mendis); Global Quality Management (Sanjana Sanjappa); Global Quality Management 2 (Brian Walker); Global Quality Management Sys. (Allen F Coleman); Global Quality Management Sys. (Eva M. Urban (Inherited)); Global Quality Management Sys. (Eva M. Urban); Global Quality Management Sys. (Jeffrey A Alcorn (Inherited)); Global Quality Management Sys. (Stephen A Wilson); Global Quality Management Sys.(Steve Wilson); Global Quality Management Systems (Carol Kidwell (On Leave)); Global Quality Management Systems (Carol Kidwell); Global Quality Operations (Matthias Pohl); Global Quality Systems & Compliance (Milka Smoljko); Global Quality Systems (Chad M Salisbury); Global Quality and R&D IT Systems (Tim Jones); Global Quality, Bus Svcs & Finance HR (Doug German (Inherited)); Global Quality, Bus Svcs & Finance HR (Stephanie McKinney); Global R&D - Financial Rptng & Analysis (Krista Doron); Global R&D Early Development CMO (Diana Lanchoney); Global R&D Finance (Christopher James Thorpe); Global R&D Finance (Karen Neave (Inherited)); Global R&D Finance (Pamela Cerovich); Global R&D Project Management (David S Fifer); Global R&D Project Management (Diana Lanchoney); Global R&D Project Management (Heiko Riedel); Global R&D Project Management (Heiko V√∂lpel); Global R&D Project Management (Jennifer Dutton); Global R&D Project Management (Lena Ohannesian); Global R&D Project Management (Martin Broder); Global R&D Project Management (Peter Douglas); Global R&D Project Management (Rose Fida); Global R&D Project Management (Steven Brooks); Global R&D Project Management 1 (Peter Douglas); Global R&D Project Management 2 (Christian Spyr); Global R&D Project Management 2 (Gino Vairo); Global R&D Project Management 2 (Nancy Fetrow (Inherited)); Global R&D Project Management 2 (Regula Heini Hodel) (Christian Spyr); Global R&D Project Management 3 (Christiane Enzinger); Global R&D Project Management 3 (David Leacy (Inherited)); Global R&D Project Management 3 (Katy Dimitropoulos); Global R&D Project Management 3 (Rose Fida); Global R&D Project Management 4 (Laura J Schweigert); Global R&D Project Management I (David S Fifer); Global R&D Project Management II (Heiko Riedel); Global R&D Project Management III (Jennifer Dutton); Global R&D Project Management Immunology (Linda Faux (Inherited)); Global R&D Project Management Immunology (Steven Brooks (Inherited)); Global R&D QA CMC & Research (April Sena); Global R&D Quality Assurance (Karen Gard''ner); Global Recombinant Portfolio Group (Lene Nielsen); Global Records (John Neff (Inherited)); Global Reg Affairs ANZ (Kellie Hooley); Global Regulatory Affairs (Ashley Burt); Global Regulatory Affairs (Catarina Edfjaell); Global Regulatory Affairs (Emmanuelle LECOMTE BRISSET); Global Regulatory Affairs (Franck Nicolas); Global Regulatory Affairs (Mary Ryan); Global Regulatory Affairs Quality Compliance (Jana Reitmajer); Global Regulatory Affairs Quality Compliance (Monika Dietrich-Sander); Global Regulatory Affairs Quality Compliance (Rafael Sierra); Global Regulatory Lead - QIVc (Karen Jourdan-Brown); Global Regulatory Operations and Labelling (Emma Williams); Global Regulatory Systems&Informat.Mgmt. (Christine Berger); Global Regulatory Systems&Informat.Mgmt. (Franck Nicolas (Inherited)); Global Reporting (Harsha Kadiyala); Global Research & Development (Andrew Cuthbertson); Global Research & Development (William Mezzanotte); Global Risk & Insurance Management (John Marren); Global Risk Management (Mark Luksic); Global SAP Security & BTGC (Steven Yannelli); Global SC Operations (Tina Law); Global Sales & Operations Planning (Ben Wilson); Global Scientific Exellence (Maria M√ºller); Global Security (Tony Strickland); Global Serialization (Michel B√©raud); Global Shared Services (Liam Connelly); Global Site Management (Lauren Ruth Vickery); Global Site Management (Lauren Vickery); Global Sourcing (Paul Addis); Global Sourcing - Automation, Instrumentation, Packaging and Aseptic Filling (Iouri Sverdlov); Global Sourcing Logistics (Gela Bakuridze); Global Sourcing Logistics (John Ehgartner (Inherited)); Global Strategic Sourcing, Chemicals (Jun Gao); Global Supplier Quality EMEA (Hans-Jrgen Schning); Global Supplier Quality EMEA (Hans-J√ºrgen Sch√∂ning); Global Supply Chain (Ian Dick); Global Systems Maintenance (Regina Mhlich); Global Systems Maintenance (Regina M√ºhlich); Global Talent Acquisition (Brian Fehrer); Global Talent Acquisition (Melissa Bradford); Global Tax (Aoife Deane); Global Total Rewards (Elizabeth Walker (Inherited)); Global Total Rewards (Maynard Branscome); Global Trademarks (Nicole Smith); Global Transport Validation (Matthew Wokulich); Global Validation (Russell Ciliento); Global Validation (Russell James Ciliento); Government Rebate Operations (Joseph DeLuca); Government Vaccines Manager 745 (Helen Dela Cruz); Graduates (David Azzopardi); Grand Blanc 244 (Kelly M Weng); Grand Blanc 244 ACM Area 1 (BRANDON SMITH); Grand Blanc 244 ACM Area 1 (LC Davis); Grand Blanc 244 ACM Area 2 (ROBERT MANGOLD); Grand Blanc 244 QA (Martina Young); Grand Junction 159 (Daniel Venn); Grand Junction 159 (Markah Williams Mower); Grand Junction 159 (Markah Williams); Grand Junction 159 ACM Area 1 (Steven Potter); Grand Junction 159 ACM Area 2 (Richard S Simpson); Grand Junction 159 ACM Area 2 (Rob Ferguson); Grand Junction 159 QA (Carrie E Pell); Grand Junction 159 QA (Kelly M Weng); Grand Prairie 049 (Angelica M Henry); Grand Prairie 049 (Jamie Bullock); Grand Prairie 049 ACM Area 1 (Kelly Gomez); Grand Prairie 049 ACM Area 2 (Deonka Whitley); Grand Prairie 049 QA (LaDonnica L Eddings); Grants Management (Abraham Smith); Grants Manager (Abraham Smith); Greece 194 (Jontus Walker); Greece 194 (Tangerine Tingle); Greece 194 ACM Area 1 (Mike Massaro (On Leave)); Greece 194 ACM Area 1 (Mike Massaro); Greece 194 ACM Area 2 (Arooj Hussain); Greece 194 QA (Ariel S Forrest); Greece 194 QA (John L Thixton (Inherited)); Greece 194 QA (Todd Wolfe); Greeley 615 (Natasha D Casillas); Greeley 615 (Skyler T Campbell); Greeley 615 ACM Area 1 (Natasha D Casillas (Inherited)); Greeley 615 ACM Area 1 (Natasha D Casillas); Greeley 615 ACM Area 2 (Rita E Williams); Greeley 615 QA (Meghan Fryer); Greensboro 117 (Susan Watkins (On Leave)); Greensboro 117 (Susan Watkins); Greensboro 117 ACM Area 1 (Dorleans Alce); Greensboro 117 ACM Area 1 (Kristen Jones); Greensboro 117 ACM Area 2 (Kristie Cunningham); Greensboro 117 QA (Stephanie Bernard); Greenville 088 (Andrea S Zeller); Greenville 088 ACM Area 1 (Andrea S Zeller); Greenville 088 ACM Area 1 (Jeremy Honea (On Leave)); Greenville 088 ACM Area 2 (Natasha Pinson); Greenville 088 QA (LeeAnn M Estes); Gresham 055 (Brandy J Vaughan); Gresham 055 ACM Area 1 (Noah S Johnson); Gresham 055 ACM Area 2 (Becca Daugherty); Gresham 055 QA (Dijana Colic); Group 3 (Adrian Alder); Group Analysis (Dean Barrett); Group Analysis (Dean Wilde); Group Analysis (Maureen Harrington); Group Controller (Helen Gearing (Inherited)); Group Controller (Jacob Weaver); Group Controller (Noopur Pattni); Group Finance (Daya Salter); Group Finance (Jason Mugridge); Group Finance (Kevin Personius); Group Finance 1 (Jeffrey Marchetti); Group Finance II (Troy Kukorlo); Group Finance- Financial Systems (Mary Conlin); Group Grzhausen (Uwe Sthr); Group G√∂rzhausen (Michael Engel); Group G√∂rzhausen (Uwe St√∂hr); Group Hauptwerk (Michael Engel); Group Income Protection (Emma McCarthy); Group Lead Validation-Site Expansion (Robert Musgrave); Group Main Site (Michael Engel); Group Reporting (Michael J. Clark); Group Tax (Peter Larsen); Group Taxation (Michael Manusov); Gulfport 122 (Elishia Humphrey); Gulfport 122 (John E Hunt (Inherited)); Gulfport 122 (Joshua D Harper); Gulfport 122 (Robert Spicer); Gulfport 122 ACM Area 1 (Joshua D Harper); Gulfport 122 ACM Area 2 (Bernetta L Huff); Gulfport 122 ACM Area 2 (Joshua D Harper); Gulfport 122 QA (Regina Williams); GxP Training (Carla Oliver); GxP Training (Vicky Lioutas (Inherited)); HAE & Respiratory (Sylvia Herget); HAE & Respiratory 1 (Susann Hofmockel); HAE Marketing (Amy Bifolco-Morrell); HAE Marketing (Tom Groeling (Inherited)); HAE Marketing (Tom Groeling); HR Business Partner (Sandro Krug); HR Business Partner (Tanja Templer); HR Business Partner 1; HR Business Partner 1 (Tina Camenzind); HR Business Partner 2 (Johanna Wege); HR Business Partner 4 (Darja Skaza-Brock); HR Commercial & Legal (Susan Devlin); HR Development & Programs (Sabine Wagner); HR Finance, R&D, IT & Business Services (Carolyne Malizia); HR Finance, R&D, IT, Bus Services (Carolyne Malizia); HR Holly Springs (Shandalyn Hope Matson); HR Holly Springs (Shandalyn Matson); HR Liverpool (Emma McCarthy); HR Liverpool (Sheila Redmond [C]) (Sheila Redmond [C]); HR Liverpool Business Partners (Kerry Rimmer); HR Marketing (Martin Stump); HR Marketing (Nadine Reh); HR Operations & Quality (Judi Badenoch); HR Operations (Adam Williams); HR Operations (Claudia Petrocchi); HR Operations (Elizabeth Walker (Inherited)); HR Operations (Lindsay Heaton); HR Operations (Mike Drew); HR Operations (Sara Proctor [C]); HR Ops Enabler Tools (Jennifer Sullivan (On Leave)); HR Ops Enabler Tools (Jennifer Sullivan); HR Ops Process Excellence (Anna Tassone); HR Ops Support (Kai Hofmann); HR Parkville (Yvette Saunders); HR Payroll (Christina Avraamides); HR Process and Portfolio Management (Beth Swiezkowski); HR Projects (KT Leong); HR Talent Acquisition & Talent Management (Beth Thomas); HR Talent Acquisition Holly Springs (Blake Derrick); HR Talent Acquisition Maidenhead (Louise Hawkes); HR Talent Acquisition Parkville (Angela Bellenger); HR Total Rewards (Gyuri Endes (Inherited)); HR Total Rewards (Karen Vyse [C]); HRBP Corporate Functions (Mafalda Lou); HS Manufacturing Fill & Finish Ops (Brian Kennedy); HU CSL Plasma Kft. Center Debrecen (Halsz Roland); HU CSL Plasma Kft. Center Debrecen (Hal√°sz Roland); HU CSL Plasma Kft. Center Miskolc (Ruzsinszki Ibolya); HU CSL Plasma Kft. Center Ny√≠regyh√°za (Rask√°n√© Petruska Gy√∂ngyi); HU Center Employee (Raskn Petruska Gyngyi (Inherited)); HU Center Employee (Rask√°n√© Petruska Gy√∂ngyi (Inherited)); HU Center Employee (Ruzsinszki Ibolya (Inherited)); HU Center Manager (Ruzsinszki Ibolya (Inherited)); HU Center Physician (Raskn Petruska Gyngyi (Inherited)); HU Center Physician (Rask√°n√© Petruska Gy√∂ngyi (Inherited)); HU Center Physician (Ruzsinszki Ibolya (Inherited)); HU Quality (Duds kos); HU Quality (Dud√°s √Åkos); HVAC & Coldrooms (Nozar Basseri); HVAC (Anna Fellenberg); HVAC (Juerg Schwarz); HVAC (Simon Hediger); HVAC / Reinr√§ume (Nozar Basseri); HVAC 1 (Urs Turtschi); Haemostaseology (Bernhard Czapla (Inherited)); Haemostaseology (Claudia Bachmann (Inherited)); Haemostaseology (Heinrich Feischen (Inherited)); Haemostaseology (Holger Milkereit (Inherited)); Haemostaseology (Michael Bernd Rode (Inherited)); Haemostaseology (Rainer Adam (Inherited)); Haemostaseology (Ralf Kosmol); Haemostaseology (Susanne Mller (Inherited)); Haemostaseology (Susanne M√∂ller (Inherited)); Haemostasis (Anthony Downes); Haemostasis (Elias Francis (Inherited)); Haemostasis (Elias Francis); Haemostasis (George Tsirbas); Haemostasis (Gerry Orval); Haemostasis (John Bashour); Haemostasis (Roy Taylor); Haemostasis (Shane Bartils); Haemostasis (Steven Barello); Hagerstown 174 (Bukola Raji); Hagerstown 174 (Kashaun Muhammad); Hagerstown 174 ACM Area 1 (Antonio DuBois); Hagerstown 174 ACM Area 2 (Daniel Pappariella); Hagerstown 174 QA (Bukola Raji); Hagerstown 174 QA (Jade Jessop); Hagerstown 174 QA (Joanne Charles-Clarke); Hagerstown 174 QA (John E Hunt (Inherited)); Halethorpe 167 (Rebecca R Pettiford); Halethorpe 167 ACM Area 1 (Christine Bethea); Halethorpe 167 ACM Area 2 (Lanasia West); Halethorpe 167 QA (ALISON CONLEY); Halethorpe 167 QA (Robin K Doering); Haltom City 188 (Dante Williams); Haltom City 188 (Melissa J Chapman); Haltom City 188 ACM Area 1 (Marvin Tablante); Haltom City 188 ACM Area 2 (Dante Williams); Haltom City 188 ACM Area 2 (Robert G Wilson); Haltom City 188 QA (Daniel Vu); Haltom City 188 QA (Julie E Reynolds); Hamilton 199 (Jenna Evans); Hamilton 199 (Katanya Hall); Hamilton 199 (Kera Cathel); Hamilton 199 ACM Area 1 (Steve Hosang); Hamilton 199 ACM Area 2 (TaChita Robb); Hamilton 199 QA (Emily Norton); Hamilton 199 QA (Kera Cathel); Hamilton 494 (Derek Morner); Hamilton 494 ACM Area 1 (William Robinson); Hamilton 494 ACM Area 2 (Jessica Hoffman); Hamilton 494 ACM Area 2 (VERONICA HESTER); Hamilton 494 QA (Elizabeth E Galloway); Harlingen 185 (Victor Guevara); Harlingen 185 ACM Area 1 (Eduardo De La Rosa); Harlingen 185 ACM Area 2 (Melinda Garcia); Harlingen 185 QA (Audrey Rodriguez); Harlingen 185 QA (Jennifer Martinez); Harlingen 185 QA (Luis Rodr√≠guez); Harlingen 185 QA (Rosa E Mercado (Inherited)); Hattersheim Field Services (Frank Dauber); Hattersheim Field Services (Robert Rohs); Hazel Crest 116 (Andrea C Rice); Hazel Crest 116 (Morgan R Grose); Hazel Crest 116 ACM Area 1 (Ian Olson); Hazel Crest 116 ACM Area 2 (Bob Gentille); Hazel Crest 116 QA (Amanda E Swider); Hazel Crest 116 QA (Joshua D Williamson (Inherited)); Head , In-Licensed Products AsiaPac, Global Regulatory Affairs (Angela Wong); Head Global Business Developme (Eve Williamson); Head Greater China Logistics (Edwin Chia); Head of Asia Pac, Medical Affairs (Jane Leong); Head of Asia Pac, Medical Affairs (Jonathan Anderson); Head of Batch Release (Darren Moulton); Head of Batch Release (Sherrin Gribble); Head of Commercial and Marketing (Jamila Filipecki); Head of Medical Affairs UK (Mansoor Ashraf); Head of Medical Affairs UK (Sankarasubramanian Rajaram (Inherited)); Head of Medical Writing & Disclosures (Catherine Tyrrell); Head of Medical Writing & Disclosures (Cathy Tyrrell); Head of Operational Excellence (Dirk Crouse); Head of R&D Finance (Christopher James Thorpe); Head of Region, APAC & In licensed Prod, Glob RA (Lisa MacDonald); Head of Region, Asia Pac & In licensed Prod, Glob Reg Affairs (Lisa MacDonald); Head, Clinical Development Operations (Daniel Kirby); Head, Clinical Development Operations (Veronica Suarez); Head, Technical Development (PKV) & Global Process Innovation (Steven Rockman); Head, Technical Development (PKV) & Global Process Innovation (Steven Rockman); Health & Wellbeing (Susanne Marx); Health (Donna G O''Keefe); Health (Sara Regnier); Health and Safety (Gregory Dowler); Healthcare Policy & Ext. Affairs APAC (Shouqing Zhang); Healthcare Policy & Ext. Affairs Europe (Rdiger Gatermann); Healthcare Policy & Ext. Affairs Europe (R√ºdiger Gatermann); Healthcare Policy & Ext. Affairs Japan (Shouqing Zhang (Inherited)); Healthcare Policy & Ext. Affairs N.A. (Patrick Collins); Hem Higashi Nihon Area (Atsuhiko Arikata); Hem Kansai Chubu Area (Shinichi Kano); Hem Nishi Nihon Area (Taisuke Miyakoshi); Hem Nishi Nihon Area (Takeyuki Akiyoshi); Hem Shutoken Area (Takayuki Takigawa); Hematology & Thrombosis Marketing (John Nicastro); Hematology & Thrombosis Medical Affairs (Debbie Drane (Inherited)); Hematology & Thrombosis TA (Sharad Agrawal); Hematology & Thrombosis Therapeutic Area (Brahm Goldstein); Hematology Marketing (John Nicastro); Hematology TA (Antti Kourula); Hematology TA Marketing (Sharad Agrawal); Hematology TA Medical Affairs (Krupa Sivamurthy); Hemophilia A Marketing (Beth Ann Hirst); Hemophilia A Marketing (Brian Johnson); Hemophilia B Marketing (Nicole McInerney); Hemophilia Group (Hideyuki Seto); Hemophilia Group (Makoto Kubo); Hemophilia TA (Takayuki Ishii); Henderson 134 (Eddie H Gaillard); Henderson 134 ACM Area 1 (Maria Coulter); Henderson 134 ACM Area 2 (Eshell Cudjo-Williams); Henderson 134 QA (Bri Johnson); Henrico 264 (Tracia Lopez); Henrico 264 ACM Area 1 (Nancy L Ott); Henrico 264 ACM Area 1 (Tannika Green); Henrico 264 ACM Area 2 (Tannika Green); Henrico 264 ACM Area 2 (Tracia Lopez (Inherited)); Henrico QA 264 (Brandan Lurz); Herstellungsleiter (Andreas Gehrich (Inherited)); Herstellungsleiter (Annette Pernitzsch (Inherited)); Herstellungsleiter (Claudia Habenicht (Inherited)); Herstellungsleiter (Heike Borchert); Herstellungsleiter (Kirsten Scheibel (Inherited)); Herstellungsleiter (Natascha Bock (Inherited)); Herstellungsleiter (Stephani Keltsch); Herstellungsleiter (Sven Schuhmann (Inherited)); Herstellungsleiter Berlin (Dorothee Knop); Herstellungsleiter Braunschweig (Dorothee Knop); Herstellungsleiter Bremen (Dorothee Knop); Herstellungsleiter Frankfurt (Dorothee Knop); Herstellungsleiter Gttingen (Dorothee Knop); Herstellungsleiter G√∂ttingen (Dorothee Knop); Herstellungsleiter Kiel (Dorothee Knop); Herstellungsleiter Nrnberg (Dorothee Knop); Herstellungsleiter N√ºrnberg (Dorothee Knop); Hidalgo 151 (Howard Augusto Castillo); Hidalgo 151 ACM Area 1 (Javier De La Fuente (On Leave)); Hidalgo 151 ACM Area 1 (Javier De La Fuente); Hidalgo 151 ACM Area 2 (Lucio Jaramillo); Hidalgo 151 QA (Becky S Diaz); High Speed Packaging (Jrg Sthli); High Speed Packaging (J√ºrg St√§hli); High Speed Packaging Line (Peter Zysset); Highland Park 138 (Miriah Grady); Highland Park 138 (Mondel Hightower); Highland Park 138 ACM Area 1 (Miriah Grady); Highland Park 138 ACM Area 1 (T''Pring John); Highland Park 138 ACM Area 2 (Dee Freeman); Highland Park 138 QA (Jenae Jacobs); Highland Park 138 QA (Shawna Taylor); Highland Park 138 QA (Slater P Murphy); Hillsboro 126 (Elizabeth Manning); Hillsboro 126 ACM Area 1 (Alex Steinke); Hillsboro 126 ACM Area 2 (Dan Jordan (On Leave)); Hillsboro 126 ACM Area 2 (Paige N Zafran); Hillsboro 126 QA (Grant Haun); Hizentra Marketing (Michael Ward); Hobart 218 (Kevin Robinson); Hobart 218 (Sherri L Clark); Hobart 218 ACM Area 1 (Michele Tosseng); Hobart 218 ACM Area 2 (Ashley Myvett); Hobart 218 ACM Area 2 (Kevin Robinson); Hobart 218 QA (Drewleigha B Sarver (Inherited)); Hobart 218 QA (KayLeigh Northcutt); Hokkaido Tohoku Area (Masahiro Takai); Homestead 207 (Mary A Paul (Inherited)); Homestead 207 (Roger Jiron); Homestead 207 (Stacey Ewing); Homestead 207 ACM Area 1 (Monica Alvelay); Homestead 207 ACM Area 2 (Julio Delgado); Homestead 207 ACM Area 2 (Roger Jiron (Inherited)); Homestead 207 QA (Natasha Roopnarine); Homestead 250 (Diane Day); Homestead 250 ACM Area 1 (Ryan Olsavsky); Homestead 250 ACM Area 2 (Jamille Ford); Homestead 250 QA (DENNIS GINTHER); Houston 208 (Sara Bouras); Houston 143 (Josh Concepcion); Houston 143 ACM Area 1 (Sharon K Easiley); Houston 143 ACM Area 2 (Oscar Beasley); Houston 143 QA (Shawntrala Stephens); Houston 168 (Lisa Rojas); Houston 168 ACM Area 1 (Lisa Wilson); Houston 168 ACM Area 2 (Elizabeth Morales); Houston 168 ACM Area 2 (Tascha Montgomery); Houston 168 QA (Sam Schultz (Inherited)); Houston 168 QA (Tara West); Houston 208 (Sara Bouras); Houston 208 ACM Area 1 (Sara Bouras (Inherited)); Houston 208 ACM Area 1 (Sarah L Terry); Houston 208 ACM Area 2 (Marc Garcia); Houston 208 ACM Area 2 (Sarah L Terry); Houston 208 QA (Darriel Clark (On Leave)); Houston 208 QA (Darriel Clark); Houston 208 QA (Elaine R Wilson); Houston 209 (Erin Ostean); Houston 209 (Sheneka E Wilson); Houston 209 ACM Area 1 (Charles Minter (On Leave)); Houston 209 ACM Area 1 (Charles Minter); Houston 209 ACM Area 2 (Adrean N Brown); Houston 209 ACM Area 2 (MARY MEADOWS); Houston 209 QA (Barbara May); Houston 209 QA (Keva M Williams); Houston 274 (Brian T Edwards); Houston 274 ACM Area 1 (Reiko F Hernandez); Houston 274 ACM Area 2 (Tyriana T Shaw); Houston 274 QA (Lawrence Jones); Human Resources Labor and Employee Relations (Christine Adams (On Leave)); Human Resources & Communications (Sandro Krug); Human Resources & General Affairs, Japan (Akira Nakajima); Human Resources & General Affairs, Japan (Mayumi Gonome - ); Human Resources & General Affairs, Japan (Mayumi Gonome ??? ??? - ???? ????); Human Resources (Bonnie Shor); Human Resources (Bonnie Slone); Human Resources (Gyuri Endes); Human Resources (Jacqueline Hawkins); Human Resources (Nicole Bookert); Human Resources (Tanja Templer); Human Resources (Tanya Kennedy); Human Resources Kankakee (Jacqueline Hawkins); Human Resources Management (Adam Williams); Human Resources Management (Pia Daish); Human Resources Organisation Transformation (Paula Foord); Human Resources SC (Nicole Bookert); Human Resources Talent Development (Michael O''Connor); Human Resources ¬ñ Labor and Employee Relations (Christine Adams); Human Resources ¬ñ Labor and Employee Relations (Jacqueline Hawkins (Inherited)); Human Resources, China (Grace Deng ?????); Human Resources, China (Tracy Lyu ?????); Hygiene (Arno Karnholz (Inherited)); ICSR Compliance and Reconciliation (Samantha Gan); IG / Albumin Bulk (Anthony Manovella); IG / Albumin Bulk (Jill Allen); IG Lab (Ritaben Suhagiya (Inherited)); IG Lab (Ritaben Suhagiya); IG Lab (Tom McCallum); IG Lab (William Fenech); IM (Guido Kagemann); IM Modul (Arnd Vollmerhausen (Inherited)); IM Modul (Torsten Jeide); IMED / Clinical (Julia Daum); IP Management (Helen Mutimer); IP Management (Peter Gomme); IP Management (Philip Keep); IR Higashi Nihon Area (Takahiro Tsuruta); IR Kansai Chubu Area (Yutaka Fujita); IR Nishi Nihon Area (Takayuki Sakai); IR Shutoken Area (Hiroki Nagayasu); IS Applications (Markus Fhrer); IS Applications (Markus F√ºhrer); IS Operations (BAHA ATICI); IS Operations (Bernd Boucsein (Inherited)); IS Operations (Robert Rohs); IT (Martin Jones); IT Americas (Stephen Norman Bender); IT Americas (Steve Bender); IT Americas, Laboratories (Dave Kirk); IT Americas, Site IT (DEBORAH BUREC); IT Americas, Site IT (Deborah Burec); IT Applications (Pavan Dronamraju); IT Applications - SharePoint (Emma Tibble); IT Asia Pacific (Gavin Gusling); IT Automation BMW (Daud Warraich (Inherited)); IT Automation BMW (John Croxton (Inherited)); IT Automation BMW (John Croxton); IT Automation BMW (Reto Von Gunten); IT Automation BMW (Stephen Pickering); IT Business Applications (Paul Ashton); IT Communications Services (Nealesh Mistry); IT Compliance - EMEA (David Boyd); IT Compliance - Infrastructure (Neil Broster); IT EMEA (Martin Gallington); IT EMEA Infrastructure (Chris Gatley [C]); IT Infrastructure - Hosting (Sadha Venkatachellam); IT Infrastructure - Hosting (Sathasivan Venkatachellam); IT Infrastructure Service - Identity & Desktop (Rob Deacon); IT Infrastructure Services (Quentin Zhao); IT Security & Compliance (Bob DeMarco); IT Security & Compliance (Robert DeMarco); IT Security and Compliance (Alan Butterfield); IT Security and Compliance (Alan Matthew Butterfield); IT Service Management Office (Richard Williams); IT Services (Daniel Robinson); IT Vendor Contracts (Craig Skelton); IVV Bacteriology (Matthew Stellato); IVV Chemistry (Thuy Dang); IVV Environmental Monitoring (Andrea Chalker); IVV Potency + Biochemistry US (Corina Zahra); IVV Potency, Biochem Rest of World (Anna Gruszka); IVV Seed Development (Brad Dickson); Identity and Access Management Operations (Bill Keohane); Ig Marketing (Sara Cowan); Ig&API Franchise Marketing (Amlie De Rosnay) (52388632); Ig&API Franchise Marketing (Am√©lie De Rosnay) (52388632); Ig&API Franchise Marketing (Emmanuelle Massonie) (52388632); Ig&API Sales Force Florent Privat (Emeline Bedu) (52388634); Ig&API Sales Force Florent Privat (Florent Privat) (52388634); IgG & Albumin/Supply Chain PMR Main Site (Barbara Kalina (Inherited)); IgG & Albumin/Supply Chain PMR Main Site (Wilfried Freudenberg); IgLAB (Franz Petter); IgLAB Bulk formulation (Susanne Gilgen); IgLAB Bulk purification (Thomas Eckert); IgLAB MV&VI Bulk Formulation (Sandra Kaempfer); IgLAB MV&VI Bulk Purification (Mathias Schinegger); IgLAB MV&VI Subfractionation (Markus Hauert); IgLAB Subfractionation (Mark Deutschland); IgLAB Subfractionation (Markus Hauert); IgLAB Subfractionation (Susanne Gilgen); IgLAB Subfractionation (Thomas Daehler); IgLABMV&VI (Marius Liesch); IgPRO (Markus Weber); Immunoglobulin Asset (Fritz Rentsch); Immunohematology Lab (Maria R Fernandez (Inherited)); Immunohematology Lab (Peter A Fitzgerald (Inherited)); Immunology & Neurology CommDev Marketing (Michael Ward); Immunology & Neurology Medical Affairs (Andrew Koenig); Immunology & Neurology New Products (Regula Styger Baumann); Immunology & Neurology RDPM (Karen Lindquist); Immunology & Neurology RDPM I (Sabine Alexandra Stoffel Domig); Immunology & Neurology TA (Jay Bowsher); Immunology & Rare Disease Group (Hirokazu Imura); Immunology & Rare Disease Group (Shinichiro Magome); Immunology & Rare Disease TA (Takuya Ohshima); Immunology (Bernhard Czapla (Inherited)); Immunology (Claudia Bachmann (Inherited)); Immunology (Heinrich Feischen (Inherited)); Immunology (Helen Hartman); Immunology (Holger Milkereit (Inherited)); Immunology (IMM) (Stefan Spycher); Immunology (Michael Bernd Rode (Inherited)); Immunology (Rachpal Malhotra); Immunology (Rainer Adam (Inherited)); Immunology (Ralf Kosmol); Immunology (Susanne Mller (Inherited)); Immunology (Susanne M√∂ller (Inherited)); Immunology - Transplant (Mircea Ciuca); Immunology / Transplant (Mircea Ciuca); Immunology Lab (Maria R Fernandez (Inherited)); Immunology Lab (Peter A Fitzgerald (Inherited)); Immunology Marketing (Bernadine Koziara (Inherited)); Immunology Marketing (Biju Chorinchath); Immunology Marketing (JD Kohutka); Immunology New Products (Regula Styger Baumann); Immunology TA (Jay Bowsher); Immunology TA Marketing (Michael Ward); Immunology TA Medical Affairs I (Andrew Koenig); Immunology and Neurology TA (Sharon Popik); Immunology and Neurology TA (Susanne Wang); Immunology-North America (Ian Gourley); Import / Export Lead AU (Robert Bronikowski); Import Export Compliance (MICHAEL MORRILL); Import Export Compliance (Markus Buri); Import Export Compliance (Michael Morrill); Import-Export Compliance (Nona Clarke); Import/Export Compliance (Neda Nikolic); Import/Export Compliance (Nona Clarke); Impurity & Data Management (Patricia Lieby); Impurity Data Mngt I (Madlene von K√§nel); Impurity Data Mngt I (Simona Pfister); Impurity and Data Mngt II (Tanja Angela Nyffenegger); In Market Logistics EMEA (Avi Yuhay); In-Market Logistics Turkey/EEU (Avi Yuhay); Incoming Quality Assurance (Jamie Nichols); Incoming Quality Assurance (Lynette Mirrielees); Incoming Quality Assurance GL (Cindy Rocknowski (Inherited)); Incoming Quality Assurance GL (Jeffrey Zoubek (Inherited)); Indianapolis 146 (Brian W Stewart); Indianapolis 146 (Randy Miller); Indianapolis 146 QA (Erik Tharp); Indianapolis 146 QA (Randy Miller); Indianapolis 181 (Jami Colson); Indianapolis 181 ACM Area 1 (Dayneisha G Pinkston); Indianapolis 181 ACM Area 1 (Jordan Swoape); Indianapolis 181 ACM Area 2 (Ronnisha Banks); Indianapolis 181 QA (Aja Blue); Indianapolis 181 QA (Drewleigha B Sarver); Indianapolis 181 QA (Robin L Oldaker); Indianapolis 412 (LaToya M Hinkle); Indianapolis 412 ACM Area 1 (Brian Stewart (On Leave)); Indianapolis 412 ACM Area 1 (Brian Stewart); Indianapolis 412 ACM Area 2 (Latoria J Moore); Indianapolis 412 QA (Ashley Kemper); Indirect Procurement (Daniela Ebert); Industriekaufleute (Carmen Walldorf (Inherited)); Industriekaufleute (Doris Nake (Inherited)); Indy 146 ACM Area 1 (Sara K Campbell); Indy 146 ACM Area 1 (Sara K Sheets); Indy 146 ACM Area 2 (Joe Hicks Jr); Influenza (Chris Clarke); Influenza Operations (Bill Cracknell); Influenza Vaccines (Carole Verhoeven); Influenza Vaccines Seasonal (Athanasia Papadimitriou); Influenza Vaccines Seasonal (Jonathan Edelman (Inherited)); Influenza and National Products, Global RA (Lisa Steinberg); Information Security (Federico Iaschi); Infrastructure Design (Jeremy Finlay); Infrastructure Excellence & Process Management (Stephan Krummel); Infrastructure Program Manager (Jessica Bartels); Infrastructure Program Mgr (Jessica Bartels); Infusion Science - ISS (Lisa Barrett); Infusion Science - ISS (Lisa Barrett); Inhibitors, FI, FXIII & Support/Supply C (Barbara Kalina (Inherited)); Inhibitors, FI, FXIII & Support/Supply C (Wilfried Happel); Innovation (Becky Heatherman); Inoculation (Jubail Dimabuyu); Inspection & Packaging (Jonathan Kanczes); Inspection & Packing (Ben Hagger); Inspection & Packing (David Nguyen); Inspection & Packing (Joanna Madafferi (Inherited)); Inspection & Packing (Joanna Madafferi); Inspection (Pasquale Carestia (Inherited)); Inspection (Thomas Royal); Inspection (Union) (Pasquale Carestia (Inherited)); Inspection (Union) (Thomas Royal (Inherited)); Inspection semi final prod. 4 (Samira Spahn-Belbaita); Instrum & Elect Engineer (Justin Lim); Instrumentation (Colin Steele); Integrated Business Planning (Avi Gor√©); Integrated Business Planning (Avinash Gor); Integrated Business Planning (Avinash Gor√©); Integrated Business Planning (Jamie Pritzl); Intercontinental Supply Chain (Oliver Wehner); Internal Communications (Claudine Heinz); Internal Communications (Jasmin Joller); Internal Communications (Laura Kumpe); Internal Services (Reto Moser); Internal processes (Ernst Scheurer); International Logistics - Intermediates, Special Shipments (Julia Daum); International Logistics - Team Americas - APAC (Anna-Karina Muth); International Logistics - Team Americas / APAC (Anna-Karina Muth); International Logistics - Team EMEA (Christoph Mueller); International Payroll (Clair Burke); International Plasma Operations (Jeffrey A Schulz); Interns (Jacqueline Hawkins (Inherited)); Investigation & Process Owners (Ryan Cox); Investor Relations (Mark Dehring); Invoice Control & Invoicing of Services (Harald Bieker (On Leave), Beatrix Gnau); Invoice Control & Invoicing of Services (Harald Bieker); Irondequoit 246 (Sheilah Mykins); Irondequoit 246 ACM Area 1 (Nicole Chipembere); Irondequoit 246 ACM Area 2 (Teresa Moreira-Weil); Irondequoit 246 QA (Meghan Beckedorf); Italian Commercial Finance (Laura Lucaroni); JPN TA (Coagulation) (Yuki Hidaka); JPN TA (Critical Care) (Osamu Tsukamoto); JPN TA (Immunology) (Satoshi Koike ??? ? - ??? ???? (Inherited)); JPN TA (Immunology) (Tomomi Shibata); JPN TA (Osamu Tsukamoto); Jackson 156 (Chris Weary); Jackson 156 (Jose L Dela Garza (Inherited)); Jackson 156 ACM Area 1 (Chris Weary); Jackson 156 ACM Area 1 (Joseph Dupree); Jackson 156 ACM Area 2 (Adrian Johnson); Jackson 156 QA (Bonnie M Talbott (Inherited)); Jackson 156 QA (Cynthia Hill); Jackson 156 QA (Jose L Dela Garza (Inherited)); Jackson 156 QA (Savannah Vann); Jackson 205 (Mark Bundy); Jackson 205 ACM Area 1 (Erica R Smith); Jackson 205 ACM Area 2 (Kenny Berry); Jackson 205 QA (Marc D Fisher); Jackson 205 QA (Nicole Pichla (On Leave)); Jackson 205 QA (Nicole Pichla); Jackson 225 (Bonnie M Talbott (Inherited)); Jackson 225 (Cherita Saulmarshall); Jackson 225 (Jai Baylis); Jackson 225 (Kronnetra Hester); Jackson 225 ACM Area 1 (Mariyo Archie); Jackson 225 ACM Area 2 (Jose L Dela Garza); Jackson 225 ACM Area 2 (Stanley Taylor); Jackson 225 QA (Deborah L Baker); Jackson 225 QA (Keyauna Lewis); Jackson 257 (Sarah E Silva); Jackson 257 ACM Area 1 (Caitie Golubski); Jackson 257 ACM Area 2 (Jarrett Heathcock); Jackson 257 ACM Area 2 (Sarah E Silva (Inherited)); Jackson 257 QA (Brooke McKinney); Jacksonville 251 (Sherri L Clark); Jacksonville 251 ACM Area 1 (Gina Castellano); Jacksonville 251 ACM Area 2 (AlexZandria Taylor); Jacksonville 251 QA (Brett A Wintheiser (Inherited)); Jacksonville 251 QA (Cindy Vieira); Japan Clinical Safety & Pharmacovigilance (Mariko Hase); Japan Field Services (Satoru Shimizu); Japan Project Management (Midori Kobayashi); Johnston 242 (Catherine Colucci); Johnston 242 (John L Thixton); Johnston 242 (Renee Keyser); Johnston 242 ACM Area 1 (Son Nguyen); Johnston 242 ACM Area 2 (Cessa Piedra); Johnston 242 QA (Allante S Williams); Johnston 242 QA (Erin Thompson); Joliet 219 (Andrew Franzen); Joliet 219 (Christopher J Rivers Jr); Joliet 219 ACM Area 1 (Sharon Kunz); Joliet 219 ACM Area 2 (Duanita Scott); Joliet 219 QA (Beth Majewski); Joliet 219 QA (Lori Carlson (Inherited)); Joliet 219 QA (Ryan Welter); Jonesboro 120 (Maurice E Clements); Jonesboro 120 ACM Area 1 (Jumela S Bell); Jonesboro 120 ACM Area 1 (Sade Hodges); Jonesboro 120 ACM Area 2 (Denise Bloodsaw); Jonesboro 120 ACM Area 2 (Jumela S Bell); Jonesboro 120 QA (Laila Matthews-El); Jonesboro 120 QA (Rose-Marie O Bland); K-C Fractionation (Union) (Jason Vaughn); K-C Fractionation (Union) (Samuel Jackson); KAN Security (Adam Kennell); KC Module 3 Operational Readiness (Cornelis Rijneveld); KOP Corporate Services (Michael Hays (Inherited)); KOP Corporate Services (Wendy Kilp) (Wendy Kilp); KOP Facilities (Michael Hays); KOP Outsourcing (Melissa Hurst); KOP Security (Shanna Aldridge); KOP Sourcing (Ed Rosario); KOP Sourcing (Paul Addis (Inherited)); Kankakee Field Services (Rebecca Liehr); Kankakee Manufacturing (Ernest Shepard); Kankakee R&D Tech Transfer (Shannon Boudreau); Kansai Area (Shingo Fujiwara); Kansai Area (Tatsuto Aihara); Kansas City 011 (Cristina E Ceniceros); Kansas City 011 (Tina Wagenknecht); Kansas City 011 ACM Area 1 (Dustin Irish); Kansas City 011 ACM Area 2 (Cristina E Ceniceros); Kansas City 011 ACM Area 2 (Samuel Jordan); Kansas City 011 QA (Cole D Kimple (Inherited)); Kansas City 011 QA (Samuel Anderson); Kansas City 011 QA (Whitney A Dean); Kansas City 410 (Cristina E Ceniceros); Kansas City 410 (Tina Wagenknecht); Kansas City 410 (Trethan R Copeland); Kansas City 410 ACM Area 1 (Jackie Florez); Kansas City 410 ACM Area 2 (Trethan R Copeland); Kansas City 410 QA (Kimberly S Mangold); Kansas City 410 QA (Whitney A Dean); Kaufmann f√ºr B√ºrokommunikation (Doris Nake (Inherited)); Kcentra Marketing (John Nicastro); Kcentra Marketing (Tom Groeling (Inherited)); Kcentra Marketing Group (Shunsuke Kuwata ??? ?? - ??? ??????); Kcentra Marketing I (Sara Cowan); Kenner 149 (Chris Weary); Kenner 149 (Durrell Arceneaux); Kenner 149 (Michael Markey); Kenner 149 ACM Area 1 (Brittany Miles); Kenner 149 ACM Area 2 (Teresa Currence); Kenner 149 QA (Centrell J Jackson); Kent 112 (David M Wilson); Kent 112 (Diana H Ek); Kent 112 ACM Area 1 (Diana H Ek (Inherited)); Kent 112 ACM Area 1 (Trevor Case); Kent 112 ACM Area 2 (Wesley Noble); Kent 112 QA (Brian Patterson); Kent 112 QA (Robert D Coulter); Kent 112 QA (Sasima Teadwatanasuk); Kent 160 (Michael J Ryan); Kent 160 ACM Area 1 (Brandy M Cermak); Kent 160 ACM Area 2 (Bambi C Gonwa); Kent 160 QA (Jamie L Dunderman); Kent 160 QA (Jamie L Matheney); Key Account Management (Alexander Kahlau); Key Account Management (Shun Huang ); Key Account Management (Shun Huang ????); King of Prussia Field Services (Cheryl Fennell); King of Prussia Field Services (Joy Holland); King of Prussia Field Services (Mary Jane McPherson (Inherited)); King of Prussia Quality (Brian Puglisi); Kitakanto Shinetsu Area (Hideo Yonesaka); Knowledge Management (Jacqui Altman); Knowledge Management (Kim Vandenberg); Knowledge Management (Leanne Cummings); Knoxville 405 (Brianna E Ballew); Knoxville 405 (John W Kelly); Knoxville 405 (Keith Clemons (Inherited)); Knoxville 405 ACM Area 1 (Michael R Thomas); Knoxville 405 ACM Area 2 (Leighann N Miller); Knoxville 405 QA (Tina G Ledbetter); Knoxville 405 QA (Tina Grubb Ledbetter); Kommunikation (Stephanie Fuchs); Konzessionen/Brandschutzbeauftragter (Michael Knoll (On Leave)); Konzessionen/Brandschutzbeauftragter (Michael Knoll); Koordination und Dokumentation (Rainer Frank (Inherited)); Kyushu Okinawa Area (Akihiro Enomoto); L&D, Apprentices KV (Ruth Schmid); LATAM RA (Andrea Violante); LATAM Sales Ops CAM & CAR (Mariano Miri); LVP Sterility Assurance (Sara Kimmins); La Crosse 516 (Ranee Bloor); La Crosse 516 QA (Sara Martin); Lab Automation (Ann L Wickenheiser); Lab Facilities (Joel Jones); Lab Inventory (Joel Jones (Inherited)); Lab Operations (Diep Chau); Lab Operations, Bio21 (Kirsten Edwards); Labor Relations (Steven Stewart); Laboratory Management Pasadena (Anthony Navarro); Laboratory Management - Pasadena (Anthony Navarro); Laboratory Operations (Constance W Farrar); Laboratory Operations (Marleen Enthoven); Laboratory Operations (Ricky R Alexander); Laboratory Systems (Amit Krishna); Lackawanna 238 (Martin Szczublewski); Lackawanna 238 ACM Area 1 (Brent Hollingsworth); Lackawanna 238 ACM Area 2 (Allie Tuttle); Lackawanna 238 QA (Anita Brenon); Lackland 706 (Ovetta A Mickles); Lackland 706 ACM Area 1 (Gabriel J Martinez); Lackland 706 ACM Area 2 (Ariel Schiller); Lackland 706 ACM Area 3 (Nate Neal II); Lackland 706 QA (Amber Sanders); Lackland 706 QA (Brenton Ferguson); Lager/Ersatzteilmanagement (Leon Krupa); Lakeland 154 (Elizabeth Adkins); Lakeland 154 ACM Area 1 (Jeffrey Simmons); Lakeland 154 ACM Area 2 (Bralyn T McCullough); Lakeland 154 QA (Crystal L Reichard); Lakeland 154 QA (Matthew Smith (Inherited)); Lakeland 154 QA (William Forquignon); Lansing 042 (Debbie L Duhe); Lansing 042 ACM Area 1 (Elizabeth Lawhon); Lansing 042 ACM Area 2 (Ruth A Griffin); Lansing 042 QA (Christine M Leija); Lansing 118 (Angie K Fedewa); Lansing 118 ACM Area 1 (Douglas Fiedler); Lansing 118 ACM Area 2 (Toussaint Hodari); Lansing 118 QA (Jessica Babcock); Las Cruces 506 (Samuel V Grijalva); Las Cruces 506 ACM Area 1 (Jacquelyn Jaques); Las Cruces 506 ACM Area 2 (Ira Bacani); Las Cruces 506 QA (Linda Dutchover); Las Vegas 081 (Jolena Lee); Las Vegas 081 (Michele Purvines-Honzo); Las Vegas 081 ACM Area 1 (Austin Vinson); Las Vegas 081 ACM Area 2 (Kevin Wallace); Las Vegas 081 ACM Area 3 (Christian Marcus); Las Vegas 081 QA (Erica Wiley); Las Vegas 081 QA (Paul Warden (Inherited)); Las Vegas 081 QA (Yaritza Monarrez); Las Vegas 172 (TIM AVILA); Las Vegas 172 (Xang Vang); Las Vegas 172 ACM Area 1 (Lashay Anter); Las Vegas 172 ACM Area 1 (Sarah C Sweat); Las Vegas 172 ACM Area 2 (Jessica L Jabbora); Las Vegas 172 QA (ANGELICA WILSON); Las Vegas 172 QA (Aaron D Learn); Las Vegas 216 (Erica Wiley); Las Vegas 216 (Nicole M Loncon); Las Vegas 216 ACM Area 1 (Erica Wiley); Las Vegas 216 ACM Area 1 (Michael Dako); Las Vegas 216 ACM Area 2 (Erica Wiley); Las Vegas 216 ACM Area 2 (Jose D Garcia); Las Vegas 216 QA (Orlando R Edwards Jr); Las Vegas 501 (Cari N Howard); Las Vegas 501 ACM Area 1 (Lissa Elswick); Las Vegas 501 ACM Area 2 (Steven G Simpson); Las Vegas 501 QA (Miranda Banks); LatAm Supply Chain (Martin Rossini); Late DSP Development (Erik Hinze); Late DSP Development (Tobias Brandt); Late Stage DSP Development (Erik Hinze); Late Stage DSP Development (LDD) (Uwe Liebing); Late Stage DSP Development (Tobias Brandt); Late Stage DSP Development (Uwe Liebing (Inherited)); Late USP Development (Jasmine Roth); Latin America (Juan Feliu); Latin American Distributors (Jean-Claude Andr); Latin American Distributors (Jean-Claude Andr√©); Lawrence 012 (Amy L Jackson); Lawrence 012 (Cole D Kimple (Inherited)); Lawrence 012 (Jessey Johnson); Lawrence 012 ACM Area 1 (Jessey Johnson (Inherited)); Lawrence 012 ACM Area 1 (Laura Hassen); Lawrence 012 ACM Area 2 (Taniesha D Kopriva); Lawrence 012 QA (Adam Loop); Lawrence 012 QA (Jessey Johnson (On Leave)); Lawrence 012 QA (Jessey Johnson); Lawrenceville 186 (Domonique T Walker); Lawrenceville 186 ACM Area 1 (Jeffrey Toussaint); Lawrenceville 186 ACM Area 2 (Ahesha M Francis); Lawrenceville 186 QA (Brandon Bailey); Lawton 452 (Natalie Compher); Lawton 452 (Vicky Sablan (On Leave)); Lawton 452 (Vicky Sablan); Lawton 452 ACM Area 1 (Jace A Guthrie); Lawton 452 ACM Area 2 (Samuel Jones); Lawton 452 QA (Adam Loop); Lawton 452 QA (Tiffany N Oxley); Layout & Packaging Planning (Martina Schweyer); Lead BP Finance - Asia Pac (Brendan Safe); Lead Clinical Oversight Manager (Anja Br√§unlich (Inherited)); Learning and Development (Amy Jackson); Learning and Development (Ann Lescher); Learning and Development (Henry Docx); Learning and Development (Karen A Emord); Learning and Development I (Henry Docx); Legal (Christine Dragann); Legal (Melissa Merriweather); Legal - Americas (John Neff); Legal - Australia (Amy Demediuk); Legal - Australia (Fiona Mead); Legal - Australia (Patrick Brady); Legal - Australia (Phyllis Perkins); Legal - Australia (Raewynn McIntyre); Legal - Australia (Tom Reid); Legal 1 (Khalil Rogers); Legal Clinical (Brian Sharma); Legal Counsel, Commercial, North America (Michael O''Connor); Legal Department APAC (Mae Chen ); Legal Department APAC (Mae Chen ?????); Legal Department Bern (Niklaus Kraehenbuehl); Legal Department Bern (Philippe Mueller); Legal Department Marburg (Dennis Kraft); Legal Operations Europe, Asia, Intercon. (Gereon Backmann); Legal Partners (Antje Michel); Legal Services (Sam Benyamin); Legal Services Europe & ICO (Charlotte Tvede Andersen); Legal Support One Commercial Operations Europe (Gereon Backmann (Inherited)); Legal Support One Commercial Operations Europe (Gereon Franz-Josef Backmann (Inherited)); Legal Support One Commercial Operations Europe (Gereon Franz-Josef Backmann); Legal ZLB Plasma (located in KOP) (Eric Silberstein); Lengnau Administration & Office Management (Boris Lanoir (Inherited)); Lengnau Administration & Office Management (Natasha Jackson); Lengnau Amenities Support (Franz Renfer); Lengnau Business Operations Services (Guenther Baumgartner); Lengnau Execution Systems (Frank Mastellone); Lengnau Facility Project (Darren Vegara); Lengnau Facility Project (Paul Loxley); Lengnau Human Resources (Ece Ergin [C]); Lengnau Human Resources (Sandro Krug (Inherited)); Lengnau Program (Nina Walser); Lengnau Program (Urs Meyer); Lengnau Project Documentation (Anamaria Negura); Lengnau Project Documentation (Mairead Henry [C]); Lengnau Project Documentation (Thorsten Buergel [C]); Lengnau SC and IBP (Marco Restelli); Lernende Logistik (Silvio Beck); Lexington 053 (Bobby R Fields Jr); Lexington 053 (Morgan R Grose); Lexington 053 ACM Area 1 (Jamale R Gentry); Lexington 053 ACM Area 2 (A.J. Stevenson); Lexington 053 QA (Michele R Estepp); Lexington 404 (Chris Otto); Lexington 404 ACM Area 1 (Ben Jones); Lexington 404 ACM Area 2 (Nathan J Fox); Lexington 404 QA (April Tyler); Lexington 404 QA (Bailee E White); Lichuan Plasma Collection Center (Jun Lai ); Lichuan Plasma Collection Center (Jun Lai ????); Lifecycle Management (Kathrin Eichstdt); Lifecycle Management (Kathrin Eichst√§dt); Lincoln Park 101 (Miriah Grady); Lincoln Park 101 (Toni M Walden); Lincoln Park 101 ACM Area 1 (Jeanette M Love-Ellison); Lincoln Park 101 ACM Area 2 (Dion J Holland); Lincoln Park 101 QA (Jenae Beacham); Lincoln Park 101 QA (Latosha Y Floyd (Inherited)); Lincoln Park 101 QA (Remie T Ray); Linden 212 (Jennifer Luque); Linden 212 ACM Area 1 (Jennifer Luque (Inherited)); Linden 212 ACM Area 1 (Matthew Clayborn); Linden 212 ACM Area 2 (Paul Eatman); Linden 212 QA (Jaleeka Johnson); Linden 212 QA (Stephanie D Shah (Inherited)); Linden 212 QA (Wendy MacConnell); Little Rock 234 (Seth Stuerke); Little Rock 234 ACM Area 1 (Charlie Hollinquest-Ford); Little Rock 234 ACM Area 2 (Ben Kulpa); Little Rock 234 QA (Akira Crenshaw); Logisitcs Manager VIC 266 (John Turone (Inherited)); Logistics (Angela Schembri); Logistics (Brendan Xerri); Logistics (Carl Werner (Inherited)); Logistics (Christopher Pela Fuaiva''a); Logistics (Dalal Mikhaeel); Logistics (Ibs Kaygisiz); Logistics (Ljubinka Duzel); Logistics (Peter Trimcevski); Logistics (Sam Mekhael (Inherited)); Logistics (Sam Mekhael); Logistics (Sebastian Sarmiento); Logistics (Tracy McIntosh); Logistics - Purchasing (Benjamin Fruin); Logistics - Purchasing (CHERYL GOODWIN); Logistics - Purchasing (Sue Savage); Logistics APAC (Edwin Chia); Logistics Customer Group (Namiko Hirakawa); Logistics I (Harald Mller (Inherited)); Logistics I (Harald M√ºller (Inherited)); Logistics Operations (Kai Menz); Logistics Operations (Koji Sugihara - ); Logistics Operations (Koji Sugihara ??? ?? - ???? ????); Logistics Operations - LATAM (Bruno Arakaki); Logistics Operations Australia (Suzanne Johnson); Logistics Operations Customer Service (Kaye McConnell); Logistics Operations Customer Service (Tanja Wells); Logistics Operations Europe (Matthias Loth); Logistics Operations Manager (John Turone); Logistics Operations- Americas (Daniel Sweed); Logistics Operations- Americas (Marianne McDonald (Inherited)); Logistics Planning Group (Takayuki Kato); Longwood 195 (Annette Nelson); Longwood 195 (Brian D Kelly); Longwood 195 ACM Area 1 (Jenna Smith); Longwood 195 ACM Area 1 (Vincent Spencer); Longwood 195 ACM Area 2 (Jessica Greene (On Leave)); Longwood 195 ACM Area 2 (Lori B Warfield); Longwood 195 QA (Brian Murzycki); Longwood 195 QA (Christopher Davis); Longwood 195 QA (John Garrett); Look Back / PDI (Julia Schimansky); Louisville 054 (Susan D Bensing); Louisville 054 ACM Area 1 (Tish Farris); Louisville 054 ACM Area 2 (Heather Romines); Louisville 054 QA (Gary Loy II); Louisville 054 QA (Keith Clemons (Inherited)); Louisville 054 QA (Melissa Casaus); Louisville 054 QA (Melissa J Roberts); Luotian Clinical Inspection (Yongmin Lv ?????); Luotian Inspection Management (Zengyi Chen ?????); Luotian Inspection Professional (Jiwei Liu ); Luotian Inspection Professional (Jiwei Liu ?????); Luotian Inspection Professional (Zheng Liang ????); Luotian Office Administration (Xiaoping Tang ?????); Luotian Office Administration (Zhen Zhang ); Luotian Office Administration (Zhen Zhang ????); Luotian Plasma Center Quality (Lixia He ?????); Luotian Plasma Collect (Jiali Fan ); Luotian Plasma Collect (Jiali Fan ?????); Luotian Plasma Collection (Meng Zhou ????); Luotian Plasma Collection (Menghua Ye (Inherited)); Luotian Plasma Collection (Shuiqiao Xiao ?????); Luotian Plasma Collection Center (Cunwei Hou ?????); Luotian Plasma Collection Center (Xiaoping Tang ); Luotian Plasma Collection Center (Xiaoping Tang ?????); Luotian Plasma Sourcing (Xiaoling Wang ); Luotian Plasma Sourcing (Xiaoling Wang ?????); Luotian Plasma Sourcing Management (Caihong Cheng ?????); Luotian Quality Management (Menghua Ye ); Luotian Quality Management (Menghua Ye ?????); Luotian Quality Management (Zheng Liang ????); Luotian plasma source management (Yongmin Lv ); Luotian plasma source management (Yongmin Lv ?????); Lyophilization (Jean-Claude Cauderay); M99 (Guido Mller); M99 (Guido M√∂ller); M99 (Marius Liesch); M99 NVI (Michael Theilkaes); M99 VVI (Marcel Mosimann); MDM Operations (Chandra Karpuram); MES & Systems (Reto Von Gunten); MES Automation (Gary Steele); MES Koordination (Horst Boeder (Inherited)); MES Koordination (Ralf Dersch); MF-59 (Gerhard Seemann (Inherited)); MFG Berinert & Beriplex Production (Jonathan Signore); MFG Berinert & Beriplex Production (Union) (Jonathan Signore); MS&T Lead (Kevin Murphy); MS&T Liverpool (Lisa-Marie Foulkes); MSAT (Matthias Kaeser); MSL Manager (Claire Morgan); MST Labor 1 (Anne N√∂ll); Macon 233 (Keyonna L Gray); Macon 233 (Lori B Warfield (On Leave)); Macon 233 (Melodee C Ebel (Inherited)); Macon 233 (Sherri L Clark); Macon 233 ACM Area 1 (Jennie Miles); Macon 233 ACM Area 1 (Lori B Warfield (On Leave) (Inherited)); Macon 233 ACM Area 2 (Gina Castellano); Macon 233 ACM Area 2 (Tomecia Tillman); Macon 233 QA (Teddye Gandy (On Leave)); Macon 233 QA (Teddye Gandy); Madison 076 (Tiffany K Singh); Madison 076 ACM Area 1 (Shelby N Grimsley); Madison 076 ACM Area 2 (Jada Phillips); Madison 076 QA (Alissa Elke); Madison 076 QA (Iricka Williams); Madison 076 QA (Prim J Cunningham (Inherited)); Main (Elizabeth Boyd); Maintenance & Reliability (Michael Elmer); Maintenance & Utilities (Franz Arnold Nigsch); Maintenance (Jeffrey Rhodes); Maintenance (Michael J Stephenson); Maintenance (Michael Memenga); Maintenance (Union) (Jose Franceschini Mirabal (Inherited)); Maintenance (Union) (Michael Memenga (Inherited)); Maintenance Engineering (Vittorio D''Argento); Maintenance K3 (Jose Franceschini Mirabal (Inherited)); Maintenance K3 I (Michael J Stephenson); Maintenance Officer (Jesse Chen); Maintenance Officer (Ray Belli); Maintenance Operations (Vittorio D''Argento); Maintenance SC I (Jeffrey Rhodes); Maintenance Support Engineer (James Stevens); Maintenance U8 (Simon Urfer); Maintenance U8 (Stefan Bgli); Maintenance U8 (Stefan B√∂gli); Maintenance and Utilities (Jose Franceschini Mirabal); Major Capital Projects (Brian Price); Management Accounting (Daya Salter); Management Accounting (RYAN HANSEN); Manager , IVV Seed Development (Karen Laurie); Manager - QA Batch Release (Linda Curran); Manager - QA Batch Release (Sherrin Gribble); Manager DGL (Heike Gocht); Manager ICA (Tim Karla); Manager IT Applications BPCS (Rod Randall); Manager Performance Qualification (Aaron Haag); Manager QA Batch Release (Anthony Day); Manager QA Batch Release (Carol Youssef); Manager QA Batch Release (Olivia Fisher); Manager QA Capability (Mark Machowicz); Manager QA Capability (Nicole Schaefer); Manager QA Capability (Vicky Gakias); Manager, DS Processing (Jesse Bodle); Manager, Field Services Australia (Bec Heitbaum); Manager, Field Services Australia (Travis Slessar); Manager, QA Cont Imp & Iss Mgt (Christopher Burke); Manager, QA Cont Imp & Iss Mgt (Janet Drew); Manager, QA Cont Imp & Iss Mgt (Jeremiah Holden); Manager, Virol & Immuno Res (Erin Verity); Manf Dir - Influenza Vaccines (Paul Morrison); Manf Dir - Influenza Vaccines (Vincent Chung); Manhattan 019 (Stacy J Teske); Manhattan 019 ACM Area 1 (Shane A Groover); Manhattan 019 ACM Area 2 (Dave Lynn); Manhattan 019 ACM Area 2 (Stacy J Teske (Inherited)); Manhattan 019 QA (Karen L Phillips); Manufacturing (Barbara Beugger); Manufacturing (Boris Lanoir); Manufacturing (Bradley J Eberhart); Manufacturing (James Janachowski); Manufacturing (Jose Gonzalez (Inherited)); Manufacturing (Katie Wood); Manufacturing (Martin Schaeren (Inherited)); Manufacturing (Matthew Seay); Manufacturing (Patricia Stewart (Inherited)); Manufacturing (Rene Bruegger); Manufacturing - Fill/Finish (Vincent Chung); Manufacturing A1 (Danica Bates); Manufacturing B1 (Trinette Farr); Manufacturing B2 (Michael Haney); Manufacturing Continuous Improvement (Trinette Farr); Manufacturing EU & APAC (Pierre Caloz); Manufacturing Engineering (Aaron Imig); Manufacturing Execution Systems (Frank Behnisch); Manufacturing Finance (Jacob Weaver); Manufacturing Finance (Jason Mugridge); Manufacturing First Shift (Tish Smith); Manufacturing HS (Chad M Salisbury); Manufacturing HS (Dave Sehgal); Manufacturing HS (Karen Netherton); Manufacturing Kankakee I (Jose Gonzalez (Inherited)); Manufacturing LVP (Jonah Smith); Manufacturing LVP (Nige Hilton); Manufacturing Liverpool (Jonah Smith); Manufacturing Operations (Steven Aldrich); Manufacturing PKV (Chris Larkins (Inherited)); Manufacturing PKV (Jonah Smith); Manufacturing Quality Management (Ramzan Tabasum); Manufacturing SC I (Matthew Seay); Manufacturing Science & Technology (Klaus Schmitt); Manufacturing Science & Technology (Klaus-Jrgen Schlitt); Manufacturing Science & Technology (Klaus-J√ºrgen Schlitt); Manufacturing Sciences and Technologies (Heidi Bergman); Manufacturing Second Shift (Michael Haney); Manufacturing Supply Chain & Integrated Business Planning (Pat Golla); Manufacturing Support (Clare Hughes); Manufacturing Support (Dee Hamer); Manufacturing Support (Marco Restelli); Manufacturing Support (Vreni F√∂rtsch); Manufacturing Technical Operations Team (Yuan Su ); Manufacturing Technical Operations Team (Yuan Su ????); Manufacturing Technology & Science (Christoph Hau√ümann); Manufacturing Third Shift (Michael Haney); Maple Shade 215 (Brett Goldman); Maple Shade 215 (Darryl King); Maple Shade 215 ACM Area 1 (Tracey Pinkney); Maple Shade 215 ACM Area 2 (Erica Hoesly); Maple Shade 215 QA (Deb Stith); Maple Shade 215 QA (Kimberly Perry); Marburg Data Management (Babette Katharina von Hagen); Marburg Field Services (Alexander Berendes); Margate 142 (Christina M Kokoszka); Margate 142 (Michelle S DeCambre); Margate 142 (Takisha F Jackson); Margate 142 ACM Area 1 (Amanda Bybee); Margate 142 ACM Area 1 (Kurt S Tuckett); Margate 142 ACM Area 2 (Kencia Cadet-Pa?ko); Margate 142 ACM Area 2 (Kencia Cadet-Pako); Margate 142 QA (Estela M Euceda); Margate 142 QA (Karen Blanchard-Sims); Market Access & Public Health Netherlands (Els Devriese); Market Access (Debbie Drane (Inherited)); Market Access France (Alice MATHERON); Market Access France (Franck Puget (Inherited)); Market Access GE/AT/Emerg. Europe (Dirk Hoheisel (Inherited)); Market Access GE/AT/Emerg. Europe (Ilona Krug); Market Access Italy (Lara Pippo); Market Access Russia & CIS (Batyrkhan Kuatov); Market Access Strategy (Robert Rouse); Market Access and Commercial Strategy (Ling Yang ????); Market Access and Public Affairs (Jonathan Galduf Cabanas); Market Access and Public Affairs (Jose Luis Moreno Sanchez); Market Access and Public Affairs (Sandra Santos); Market Research (Nathan Barrall); Market Research (Venkatesh Ramakrishnan (Inherited)); Marketing & Medical Affairs Interconti. (Thomas Hauck); Marketing (Brian McMaster); Marketing (Dariusz Holdys); Marketing (Elena Glukhova); Marketing (Michael Chen ?????); Marketing (Philippe Hebert (Inherited)); Marketing (Robert Mitchell); Marketing (Scott Newkirk); Marketing (Thomas Offergeld); Marketing Belgium (Marijke Maes); Marketing Benelux (Erwin Franken); Marketing Benelux (George Peters); Marketing Benelux (Patrick Reygaert); Marketing Benelux (Stefaan Schatteman [C]); Marketing Coagulation (Marino Bertapelle); Marketing Coagulation (Sharad Agrawal); Marketing Communication (Anastasia Walsh); Marketing Department (Marianna Konstantinidi (Inherited)); Marketing Division (Jean-Marc Morange (Inherited)); Marketing Division (Kyota Yamaoka - ); Marketing Division (Kyota Yamaoka ??? ?? - ???? ?????); Marketing Division Congress Group (Kyota Yamaoka - (Inherited)); Marketing Division Congress Group (Kyota Yamaoka ??? ?? - ???? ????? (Inherited)); Marketing Division Critical Care and Acquired Bleeding (Shunsuke Kuwata - ); Marketing Division Critical Care and Acquired Bleeding (Shunsuke Kuwata ??? ?? - ??? ??????); Marketing Division Hemophilia Group (Makoto Kubo); Marketing Division Hemophilia Group (Sho Sakuma ???? ? - ??? ????); Marketing Division Immunology & Rare Disease Group (Shinichiro Magome); Marketing Division SID Group (Jun Ishiwa - ); Marketing Division SID Group (Jun Ishiwa ??? ? - ??? ????); Marketing France (Benjamin BISMUTH); Marketing France (Pascale Ogel Le Guen); Marketing Franchise (marco odelli); Marketing Greece (Marianna Konstantinidi (Inherited)); Marketing In-Licensing Director (James Kretsis); Marketing Intercontinental (Timothy Akroyd); Marketing Italy (Alessandro Vasco); Marketing Italy (Giorgio Lippi); Marketing Manager (Andrew Barker); Marketing Manager (Natasha Rees); Marketing Manager (New Influenza Products) (Belinda Anderson); Marketing Manager 745 (Belinda Anderson); Marketing Manager 745 (Gina Kladis); Marketing Manager 745 (Helen Concilia (Inherited)); Marketing Nordic (Petter Olbe); Marketing Portugal (David Ventura); Marketing Product (Rebecca Turner); Marketing Product Administration (Edward Potter); Marketing Program (Michael Chen ); Marketing Program (Michael Chen ?????); Marketing Schweiz (Beatrice Guldimann); Marketing Schweiz (Christoph Schneider); Marketing Spain (Aurea Xumetra); Marketing Specialty Products (Jan Hoesche); Marketing UK (Amandine Faguer); Marketing UK (Eddie Owens (Inherited)); Marketing, China Com Ops (Claire Tang ); Marketing, China Com Ops (Claire Tang ?????); Marketing, Medical Affairs & Market Access Interconti. (Thomas Hauck); Mass Spec Research (Victor Nesati); Master Data & Country Specific (Joachim Leiss); Master Data & Country Specific (Julian Knabeschuh); Master Data (Bruce C Beatty); Master Data (Gilbert Kilchoer); Master Data Management ES (Roland Burkhard); Master Data Management Finished Product (Luana Gauer); Master Data Technology (James G Kirby); Master Data, Maintenance & Development (Julia Schimansky); Master Production Planner - Privigen (Kylie Cramer); Materials Life Cycle Management (Jennifer Chung); Materials Management (Steven E Putlack); McAllen 258 (Ben Samarripas (Inherited)); McAllen 258 (Carlos Floyd); McAllen 258 ACM Area 1 (Felipe Gonzalez); McAllen 258 ACM Area 1 (Marc Garcia); McAllen 258 ACM Area 2 (Monica Contreras); McAllen 258 QA (Esperanza Pina); McKeesport 192 (Miekal Brown); McKeesport 192 (Steven Warheit); McKeesport 192 ACM Area 1 (Aaron Bova); McKeesport 192 ACM Area 2 (Caroline Hoyer); McKeesport 192 QA (Daniel Sullenberger); McKeesport 192 QA (Katherine Parker); Mckinney 276 (Sheneka E Wilson); Mckinney 276 ACM Area 1 (Charles E Baxter IV); Mckinney 276 ACM Area 2 (Andrew Fluharty); Mckinney 276 QA (Roxann L Sandoval); Mech Main Engineer 253 (Desmond Lobo); Mechanic (Thomas Baumann); Mechanical Maintenance (Daniel Hofmann); Mechanical Maintenance (Stefan Schmid); Mechanicsburg 171 (Bernard Thompson); Mechanicsburg 171 (John L Thixton (Inherited)); Mechanicsburg 171 (Michele Purvines-Honzo (Inherited)); Mechanicsburg 171 (Olivia Chung); Mechanicsburg 171 ACM Area 1 (Theodore Rooks); Mechanicsburg 171 ACM Area 2 (Michael Crosby); Mechanicsburg 171 QA (Cyle Starner-Moore); Mechanicsburg 171 QA (Kellie N Buecker); Mechanicsburg 171 QA (Kimm Klisiewicz); Mechatroniker (Doris Nake (Inherited)); Medford 037 (Jane Herrera); Medford 037 ACM Area 1 (Hattie E Johnston); Medford 037 ACM Area 2 (Denise Scarborough); Medford 037 ACM Area 2 (Katrina D Walls); Medford 037 QA (Richard W Smith); Medical (Christina Berchtold); Medical Affair (Claire Morgan); Medical Affairs (David Crump); Medical Affairs (Giulio Barrese); Medical Affairs (Gunnar Philipp); Medical Affairs (Manzhou Hou ); Medical Affairs (Manzhou Hou ?????); Medical Affairs (Michael Haslauer); Medical Affairs (Navin Singh); Medical Affairs (Robert Chan); Medical Affairs (Sebastian Dinatale); Medical Affairs Belgium (Anne Verheyen (Inherited)); Medical Affairs Benelux (Anne Verheyen); Medical Affairs Division (Robert Chan); Medical Affairs Division Hematology and Thrombosis Group (Yasuhiro Terano ??? ?? - ??? ?????); Medical Affairs Division Hemophilia Group (Motohiro Okayasu - ); Medical Affairs Division Immunology & Rare Disease Group (Er Win Hew); Medical Affairs Division Medical Excellence and Operations (Kenji Suwa - ); Medical Affairs Division Medical Excellence and Operations (Kenji Suwa ??? ?? - ?? ????); Medical Affairs Division SID Group (Hiromi Igari ??? ?? - ??? ????); Medical Affairs EU (Damian Gilkerson (Inherited)); Medical Affairs EU (Patrick Sommerer); Medical Affairs France (Jamila Filipecki); Medical Affairs France (Nabil Moumane); Medical Affairs Germany (Paolo Bajcic); Medical Affairs Germany (Patrick Sommerer); Medical Affairs Greece (Evi Baimpou); Medical Affairs Italy (Learco Mottola); Medical Affairs Netherlands (Anne Verheyen (Inherited)); Medical Affairs Nordic (Martin Tenlen (Inherited)); Medical Affairs Nordic (Michael Gr√∂vdal); Medical Affairs Nordic (Stefan Grass); Medical Affairs Project Management (Diane Bracquart); Medical Affairs Russia (Evgeny Rudenko); Medical Affairs Russia (Maria A Lituchaya (Inherited)); Medical Affairs Spain (Jos Aznar-Salatti); Medical Affairs Spain (Jos√© Aznar-Salatti); Medical Affairs Specialty Products (Thomas Machnig); Medical Affairs UK (Alessandro Dos Santos); Medical Affairs UK (Jo Heaton); Medical Affairs of Greater China (Helen Dai ); Medical Affairs of Greater China (Helen Dai ????); Medical Affairs, Americas (Ashesh Gandhi); Medical Affairs, Canada (Ashesh Gandhi (Inherited)); Medical Affairs, Europe (Sankarasubramanian Rajaram); Medical Affairs, Influenza (Karita Ambrose); Medical Affairs, Rapivab (Ashesh Gandhi (Inherited)); Medical Communications, US (Nancy Dougherty); Medical Department Turkey (Hasan Avcu); Medical Excellence and Operations (Mitsuhiro Kuwahara); Medical Excellence and Operations (Robert Chan (Inherited)); Medical Hemophilia Group (Takeo Hirai ??? ?? - ??? ????); Medical Manager (Andrea McCracken); Medical Manager (Anthony Gargano); Medical Manager (Arturo Lopez Larios); Medical Manager (Claire Morgan); Medical Manager (DEBRA BOURKE); Medical Manager (Debra Bourke); Medical Manager (Jane Wheeler); Medical Manager (Julianne Bayliss); Medical Manager (Luis Aversa); Medical Manager 842 (Jane Leong); Medical Manager 842 (MAUREEN THAM); Medical Operations US 2 (Jeanie Chiu); Medical Operations US 3 (Jennifer Hanes); Medical Operations US 3 (John Nelson); Medical Science Liaison Canada (James Mansi); Medical Scientific Liaison (Joana Rodrigues); Medical Scientific Liaison Spain (Jenny Alvarez Nieto); Medical Services (Anna Burek); Medical Unit Medical Information (Ana Claudia Guersoni); Medical Unit ¬ñ Medical Information (Ana Claudia Guersoni); Medical Writing Quality and Publishing (Nerrie Lam); Medical Writing Therapeutic Area Lead (Ellen Krasutsky); Medical Writing (Amy Walton); Medical Writing (Bob Stumpo (Inherited)); Medical Writing (Bob Stumpo); Medical Writing (Midori Kobayashi); Medical Writing (Narelle Bramich (Inherited)); Medical Writing (Narelle Bramich); Medical Writing (Takashi Fukai ??? ?? - ??? ????); Medical Writing (Thomas Verish); Medical Writing - Therapeutic Area Lead (Daniel Wood); Medical Writing - Therapeutic Area Lead (Wolfgang Thielen); Medical Writing ¬ñ Quality and Publishing (Nerrie Lam); Medical Writing ¬ñ Therapeutic Area Lead (Ellen Krasutsky); Medical and Business Support (Antoinette Mangione); Medical and Quality Greater China (Spring Wang); Melrose Park 453 (Jesus A Castillo (Inherited)); Melrose Park 453 (Niki Wells); Melrose Park 453 (Tangerine Tingle); Melrose Park 453 ACM Area 1 (Tangerine Tingle (Inherited)); Melrose Park 453 ACM Area 1 (Tangerine Tingle); Melrose Park 453 ACM Area 2 (Tangerine Tingle (Inherited)); Melrose Park 453 ACM Area 2 (Tangerine Tingle); Melrose Park 453 QA (Andrea Bohnenberger); Melrose Park 453 QA (Kimberly L Strong-Allen (On Leave)); Melrose Park 453 QA (Kimberly L Strong-Allen); Memphis 052 (Christopher Morgan); Memphis 052 (Dorleans Alce); Memphis 052 (Trina Crayton); Memphis 052 ACM Area 1 (Dorleans Alce); Memphis 052 ACM Area 1 (Keoshia N Franklin); Memphis 052 ACM Area 2 (Laundray Carter); Memphis 052 QA (Brooke McKinney); Memphis 052 QA (Jason S Hicks); Mesquite 085 (Amber Robinson); Mesquite 085 (Brenda C Greenfield (Inherited)); Mesquite 085 (Brenda C Greenfield); Mesquite 085 ACM Area 1 (Valinda M Peters); Mesquite 085 ACM Area 2 (Christy Pagel); Mesquite 085 QA (Martin DelAngel); Method Development & Instruments (David Canen); Method Development & Instruments (Todd Canen); Method Development (Tom Barnes); Method Development Group (Anna Rozhkova); Method Development Group (Petra Sebastian); Metrics & Analytics (Christian Spuckti); Metrology (Aur√©lien H√©mon); Metrology (Salvatore DiRusso); Metrology (Union) (Jose Franceschini Mirabal (Inherited)); Metrology (Union) (Michael Memenga (Inherited)); Mgr QC Chemistry (Melissa Damino); Mgr QC Chemistry (Ying Huang); Mgr- QC Immunology (Justine Jaap); Mgr- QC Immunology (Melissa Damino); Mgr-Validation Operations (Nick Morgan); Miami 206 (Ashley Britt); Miami 206 (Ashley Downs); Miami 206 (Yennifer Fernandez); Miami 206 ACM Area 1 (Troy Davidson); Miami 206 ACM Area 2 (Barbara May); Miami 206 QA (Anitha Janardhanan); Miami 206 QA (Aris Herrera); Microbiological QC (Ivana Heckel); Microbiological QC (Nicola Di Maiuta); Microbiology (Sarah Krueger); Microbiology (Torsten Vogt); Microbiology - Enviromental Monitoring (Alison Conroy); Microbiology - Lab (Stacey Wenzel); Microbiology - Lab I (Stacey Wenzel); Microbiology - Utilities (Joshua Deabel); Microbiology - Utilities (Matthew Pocius); Microbiology 1 (MB1) (Silke Litzinger); Microbiology 2 (MB2) (Constanta Ola); Microbiology 2 (MB2) (Morten Ruch); Microbiology Lab (Annett Milling); Microbiology Lab (Breanna Steins); Microbiology Lab 1 (Breanna Steins); Microbiology Validation (Emily Neylon (Inherited)); Microbiology Validation (Natalie Gaffney); Middle East & Africa (EMEA) (Camilla Shen); Middle East & Africa (EMEA) (Mohammed Haggag); Midvale 273 (Joel Gallegos); Midvale 273 (Nicole M Loncon (Inherited)); Midvale 273 ACM Area 1 (Jason Stevens); Midvale 273 ACM Area 2 (Casey Davis); Midvale 273 QA (Madison Reid); Mikrobiology 3 (MB3) (Stephanie Achebach); Minneapolis 414 (Deepesh M Pillai); Minneapolis 414 ACM Area 1 (Abubeker M Osman); Minneapolis 414 ACM Area 2 (Ahmed N Ismail); Minneapolis 414 QA (Diego A Bastidas); Minneapolis 414 QA (Pauline M Pipho); Miramar 214 (Jessica Collins); Miramar 214 (Mary A Paul (Inherited)); Miramar 214 (Tyneka Rene); Miramar 214 ACM Area 1 (Chanique Young); Miramar 214 ACM Area 2 (GUILLERMO ORTIZ); Miramar 214 ACM Area 2 (Sang Nguyen); Miramar 214 QA (Azia Alston); Mishawaka 249 (Marisa Nyikos); Mishawaka 249 (Olivia Arend); Mishawaka 249 ACM Area 1 (Kanesha Young); Mishawaka 249 ACM Area 1 (Sydney Boyle); Mishawaka 249 ACM Area 2 (Lucette Gamble); Mishawaka 249 QA (Leah Lehtomaki); Mitarbeiter Serologisches Labor (Astrid Mather (Inherited)); Mobile 284 (Wesley Stokes); Mobile 284 ACM Area 1 (Doris Osobase); Mobile 284 ACM Area 2 (Demitrius Douglas); Mobile 284 QA (Egypt N Ali); Modul 2 - Team 2 (Marko Elias); Modul 2 - Team 2 (mit Aslantas); Modul 2 - Team 2 (√úmit Aslantas); Modul 2 - Team 3 (Timo Gr√ºn); Modul 2 - Team 4 (Maik Czyrzewski); Monitoring (Arno Karnholz); Monitoring (Roland Portmann); Monitoring - Auswertung (Dominik Mueller); Monitoring Operations / Sampling (Martin Hofer); Montgomery 105 (Trinity J Bell); Montgomery 105 (Trinity J Gamble); Montgomery 105 ACM Area 1 (Shauna M Runk); Montgomery 105 ACM Area 2 (Robyn English); Montgomery 105 QA (Tiffany D Sherman (Inherited)); Montgomery 105 QA (Whitney C Belser); Montgomery 125 (Cathrine M Shimek); Montgomery 125 ACM Area 1 (Cathrine M Shimek); Montgomery 125 ACM Area 1 (Mark Sanders); Montgomery 125 ACM Area 2 (Cathrine M Shimek (Inherited)); Montgomery 125 ACM Area 2 (Monica Miller); Montgomery 125 QA (Chrystal D Carrillo); Montgomery 125 QA (Kimberly J Sanders); Montgomery 198 (Cory Toellner (Inherited)); Montgomery 198 (Gregory Jacobs); Montgomery 198 (Justin N Gronbach); Montgomery 198 ACM Area 1 (Timike Sheehy); Montgomery 198 ACM Area 2 (Sarah Peet); Montgomery 198 QA (Christine C Le); Montgomery 198 QA (Michael Hoedle); Motive Power (Nate Thomas); Motive Power (Union) (David G Mollema (Inherited)); Motive Power (Union) (Nate Thomas (Inherited)); Motive Power (Union) 1 (Nate Thomas (Inherited)); Mt Clemens 261 (Tiffany D Peters); Mt Clemens 261 ACM Area 1 (Lavon Williams); Mt Clemens 261 ACM Area 2 (Michelle S Gibbs); Mt Clemens QA 261 (Melissa Johnson); Muncie 191 (John W Wheelock); Muncie 191 (Rob Garcia (On Leave)); Muncie 191 (Rob Garcia); Muncie 191 ACM Area 1 (Andy Umberger); Muncie 191 ACM Area 2 (Andrea S Young); Muncie 191 QA (Drewleigha B Sarver (Inherited)); Muncie 191 QA (Mary Stegall); Muncie 191 QA (Megan M Sheets); Murfreesboro 128 (Elisabeth Johnson); Murfreesboro 128 (Elisabeth Radigan); Murfreesboro 128 (Nedra N Braden); Murfreesboro 128 ACM Area 1 (Ron Rury); Murfreesboro 128 ACM Area 2 (Samantha Holmes); Murfreesboro 128 QA (Melanie J Carmack); Murfreesboro 128 QA (Michelle Young); Mustang 243 (Sam P Emrich); Mustang 243 ACM Area 1 (Jeff Saylors); Mustang 243 ACM Area 2 (Claire Joyce); Mustang 243 QA (Bill Crye); Mustang 243 QA (Fay Michelsen); N. Charleston 291 (Donte Lazarus); N. Charleston 291 ACM Area 2 (Nichole Bell); N. Charleston 291 QA (Sharon Williams); NA CommOps & Patient Services (Mike Andrews); NA Medical Affairs Operations (Sindhu Pampati); NA Therapeutic Area Lead (Coagulation) (Emmanuel Gutierrez); NA Therapeutic Area Lead (Coagulation) (Monica Richardson); NAT Lab (Kevin N Elliott); NAT Lab (Ricky R Alexander (Inherited)); NAT Lab (Ricky R Alexander); Nampa 505 (David Ensminger (Inherited)); National Accounts Sales-Summit (Mark Faulkner); National City 297 (GABRIEL MACEDO); National City 297 QA (Jessie Aquino); National Hospital Manager (Christine Folland); National Management (Denis Fedorov); National Sales (Toshio Nagata); Nebenanlagen (Andr Wermuth); Nebenanlagen (Andr√© Wermuth); Network Services (Christopher Frank); Network Services (David Mann); Network Services (Don Konemann (Inherited)); Network Services ASIAPAC (Mahesh Narayanan); Network Services Americas (Raj Selvaraj); Network Services II (Partha SARATHY); Neurology Marketing (Jason Reckner); New Center Expansion (John Brennan); New Center Launch (Amon G Samples); New Center Launch 1 (Ian Biehler); New Center Launch 2 (Nicole L Ledbetter); New Center Support 1 (Lindsay K Jameson (On Leave)); New Center Support 1 (Lindsey Jameson); New Center Support 1 (Rey Vargas); New Center Support 1 (Rob Soeun); New Center Support 1.1 (Valerie L Ward); New Center Support 1.2 (Rey Vargas); New Center Support 2 (Amy L Guardiola); New Center Support 2 (Anthony Rheuark); New Center Support 2 (Becca Thomas); New Center Support 2 (Billy R Poole); New Center Support 2 (Marissa Sunanon-Clements); New Center Support 2 .1 (Amy L Guardiola); New Center Support 2.2 (Marissa C Sunanon); New Center Support 2.4 (Becca Thomas); New Hope 163 (Jason L Kelley); New Hope 163 ACM Area 1 (DiJon Jones); New Hope 163 ACM Area 2 (Daniel D Rogge); New Hope 163 QA (Holly S Wahlberg); New Hope 163 QA (Holt Peterson (Inherited)); New Hope 163 QA (Kayla L Stueber); Newark 213 (Angela Bordelon); Newark 213 ACM Area 1 (Stephanie Morrison); Newark 213 ACM Area 2 (Angela Mancinelli); Newark 213 ACM Area 2 (Steve H Sison); Newark 213 QA (Christopher Madden); Newark 213 QA (Taylor Thomas); Niagara Falls 237 (Kimberly Reimer); Niagara Falls 237 ACM Area 1 (Paul Hedley); Niagara Falls 237 ACM Area 2 (Mary Jo Watt); Niagara Falls 237 QA (Wesley Summers); Nogales 108 (April Behnke); Nogales 108 (Brooke S Angulo); Nogales 108 ACM Area 1 (Jorge U Orozco); Nogales 108 ACM Area 2 (Rosa G Martinez); Nogales 108 ACM Area 3 (Guadalupe Ochoa (On Leave)); Nogales 108 ACM Area 3 (Rosa G Martinez); Nogales 108 QA (Cori J Collins (Inherited)); Nogales 108 QA (Martha E Lundberg); Non IVV Bact, Vir, Ster, Env Monitoring (Fenny Ng); Non IVV Potency (Keiran McLeod); Non IVV, Chemistry, Biochem, Immulab (Niki Soteriadis); Non-Process Projects (Jennifer Mastio); Norfolk 513 (Katanya Hall); Norfolk 513 QA (James Foreman); Normal 292 (Jose Patino); Normal 292 (Michael W Solomon (Inherited)); Normal 292 ACM Area 1 (William Molitor); Normal 292 ACM Area 2 (Lana Shepherd); Normal 292 QA (Jennifer Harris); Norman 020 (Laura A Post); Norman 020 (Troy Lee Wheeler); Norman 020 ACM Area 1 (Nicole Bertram); Norman 020 ACM Area 2 (Amanda Doan); Norman 020 QA (Katy L Reynolds); North American Benefits (US & Canada) (Matthew Arscott (On Leave)); North American Benefits (US & Canada) (Matthew Arscott); NorthGlenn 141 (Anna M Coulbourne); NorthGlenn 141 (Becca Charles); NorthGlenn 141 (Daniel Venn (Inherited)); NorthGlenn 141 QA (Ashley R Sewell); Northglenn 141 ACM Area 1 (Jonathan Walling); Northglenn 141 ACM Area 2 (Carlos M Valenzuela); O''Fallon 224 (Lori Carlson (Inherited)); O''Fallon 224 (Tara R Spates Tucker); O''Fallon 224 ACM Area 1 (Jahleia Chieves); O''Fallon 224 ACM Area 2 (Andrea M Catchup); O''Fallon 224 QA (Lori Carlson (Inherited)); O''Fallon 224 QA (Marijo Monroe); O''Fallon 224 QA (Tori Chancellor); OE/BPM LVP (Cheryl King); OE/BPM LVP (Fabrice Gribon (Inherited)); OE/BPM LVP (Stephen Marlow (Inherited)); OF EU (incl. TR) (Sabine H√§mel (Inherited)); OF ROW (incl. ICO) (Anna-Karina Muth); OSI (Jennifer Krupka); OSII (Michael Moses); OSIII (Wilfried Wormsb√§cher); OSIV (Tina W√ºrfel); OTO Programs (Paul Bidez); Oak Park 041 (Latosha Y Floyd (Inherited)); Oak Park 041 (Sherlene Killebrew); Oak Park 041 ACM Area 1 (Sandra Erdman); Oak Park 041 ACM Area 2 (Patrick J Tribble); Oak Park 041 QA (Jessica J Cobey (On Leave)); Oak Park 041 QA (Jessica J Cobey); Ocala 290 (Althea Council); Ocala 290 QA (Jean O''Neal); Oklahoma City 422 (Johnnie K Phares); Oklahoma City 422 ACM Area 1 (Clement C Uzoma); Oklahoma City 422 ACM Area 2 (Ella L Boyd); Oklahoma City 422 QA (Billie E Gilliland); Oklahoma City 422 QA (Hannah E Todroff); Olympia 517 (Trevor Case); Omaha 421 (Christie G Edmisten); Omaha 421 ACM Area 1 (Kristen A Marteny); Omaha 421 ACM Area 2 (Sachin Bhandari); Omaha 421 QA (Christopher Trindle); Omaha 421 QA (Larinda N Johnson); Open Systems (Juerg Clavadetscher (Inherited)); Open Systems (Kapil Taneja); Operational Business Development 1 (Amon G Samples); Operational Business Development 2 (Nicole L Ledbetter); Operational Business Development 9.2 (Laura A Allen); Operational Excellence & Data Analytics (Jason Woolley); Operational Excellence (Claus Peihs (Inherited)); Operational Excellence (Gil Rochat); Operational Excellence (Jan-Christopher Gerlach); Operational Excellence (Jewel Reid); Operational Excellence (Monika Goretzki); Operational Excellence (Murat Dalar (Inherited)); Operational Excellence (Philipp Jeker); Operational Excellence LVP (Gordon Pearson); Operational Prozess 1 (Arnd Vollmerhausen); Operational Readiness Phoenix (Rainer Frank); Operational Services (Clare Schwarz); Operational Services Maintenance & Utilities (Michael Kocher); Operational Support (Laura A Allen); Operations & PV Systems (Shinya Takagawa); Operations (Camila Silva Alvarado); Operations Global Engineering (Gregory Taylor); Operations Global Engineering Projects (Daniel Rouse); Operations Global Sourcing (Trevor Reay); Operations HS Business Integration (Thomas Jede); Operations HS EHSS & Risk (Allan Wise); Operations HS EHSS & Risk (Bob Rezek); Operations HS EHSS & Risk (Lynette Hodgden (Inherited)); Operations HS EHSS & Risk (Lynette Hodgden); Operations HS Engineering (Daniel Rouse); Operations HS Engineering (Gregory Taylor (Inherited)); Operations HS Engineering (Rodney Lam); Operations HS Engineering (Tom Gehrin); Operations HS Engineering Automation (Charles Guy Sorrell Jr.); Operations HS Engineering Automation (James Dion); Operations HS Engineering Fill Finish Equipment (Jeffrey Stowe); Operations HS Engineering Process (James Flockhart); Operations HS Engineering Process (Jason VanderPloeg); Operations HS Engineering Process (Jeffrey Stowe); Operations HS Engineering Project (Daniel Rouse); Operations HS Engineering Project (Eddie Taylor); Operations HS MS&T Process Sciences (Nicholas Mauro); Operations HS MS&T Process Sciences (Richard Hughes); Operations HS MS&T Tech Services (Jason Allaband); Operations HS MS&T Tech Services (Nicholas Mauro); Operations HS MS&T Tech Services Fill/Finish (Kevin McMahon); Operations HS MS&T Tech Transfer (Baron Fulk); Operations HS MS&T Tech Transfer (Tsu-shun Lee (Inherited)); Operations HS MS&T Tech Transfer (Wallace Brisson); Operations HS Maintenance (Jamie Blankenship); Operations HS Maintenance (Leon Montgomery); Operations HS Maintenance Facilities (Bruce A Buckoski); Operations HS Maintenance Facilities (Bruce Buckoski); Operations HS Maintenance Instrumentation (Jamie Blankenship); Operations HS Maintenance Metrology (Michael Mikolajczak); Operations HS Maintenance Process (Ricky Norris (On Leave)); Operations HS Maintenance Process (Ricky Norris); Operations HS Maintenance Support (Daniel Sarvis); Operations HS Maintenance Support (Richard Oliver); Operations HS Maintenance Utilities (Scott Curtis Menut); Operations HS Maintenance Utilities (Scott Menut); Operations HS Manufacturing (Irina Staxen); Operations HS Manufacturing Bulk (Chad M Salisbury (Inherited)); Operations HS Manufacturing Bulk (Eric Hoffman); Operations HS Manufacturing Bulk (Jonathan Kegerise); Operations HS Manufacturing Bulk Downstream (Eric P Hoffman); Operations HS Manufacturing Bulk Downstream (Gordon Dunsmore); Operations HS Manufacturing Bulk Downstream - A Shift (Joseph Chapman); Operations HS Manufacturing Bulk Downstream - B Shift (Evan Burke); Operations HS Manufacturing Bulk Downstream - B Shift (LaToya Jaqui McDuffie); Operations HS Manufacturing Bulk Downstream - C Shift (Joseph Chapman); Operations HS Manufacturing Bulk Downstream - C Shift (Samantha Heyer); Operations HS Manufacturing Bulk Downstream - D Shift (Demitra Earls); Operations HS Manufacturing Bulk Downstream - D Shift (Evan Burke); Operations HS Manufacturing Bulk Support (Elie Chiha); Operations HS Manufacturing Bulk Support - A Shift (Craig Steimle); Operations HS Manufacturing Bulk Support - B Shift (Stephen Blair Donaldson); Operations HS Manufacturing Bulk Support - B Shift (Stephen Donaldson); Operations HS Manufacturing Bulk Support - C Shift (Jonathan Adams); Operations HS Manufacturing Bulk Support - D Shift (Kevin Anthony Smith); Operations HS Manufacturing Bulk Support - D Shift (Kevin Smith); Operations HS Manufacturing Bulk Support Materials (Andrew Passarotti); Operations HS Manufacturing Bulk Support Materials (Elie Chiha (Inherited)); Operations HS Manufacturing Bulk Support Materials (George Barrett); Operations HS Manufacturing Bulk Upstream (Gordon Dunsmore); Operations HS Manufacturing Bulk Upstream (Gordon Kennedy Dunsmore); Operations HS Manufacturing Bulk Upstream (Jeremy Smock); Operations HS Manufacturing Bulk Upstream - A Shift (Billy Trask); Operations HS Manufacturing Bulk Upstream - A Shift (Jeremy Smock); Operations HS Manufacturing Bulk Upstream - B Shift (Chris Austin); Operations HS Manufacturing Bulk Upstream - B Shift (Latisha Blair Tucker Kiker); Operations HS Manufacturing Bulk Upstream - C Shift (Chris Austin); Operations HS Manufacturing Bulk Upstream - C Shift (Maxwell Pote); Operations HS Manufacturing Bulk Upstream - D Shift (Jeremy Smock (Inherited)); Operations HS Manufacturing Bulk Upstream - D Shift (Kevin Donnell Thomas); Operations HS Manufacturing Bulk Upstream - D Shift (Kevin Thomas); Operations HS Manufacturing Fill & Finish (Philip Troughton); Operations HS Manufacturing Fill & Finish (Rodney Lam); Operations HS Manufacturing Fill & Finish - A Shift (Aseptic) (LaToya McDuffie); Operations HS Manufacturing Fill & Finish - A Shift (JOSE SERRANO); Operations HS Manufacturing Fill & Finish - A Shift (Jose Serrano); Operations HS Manufacturing Fill & Finish - A Shift (Non-Aseptic) (Todd Brinkley); Operations HS Manufacturing Fill & Finish - B Shift (Aseptic) (Heather Johnson); Operations HS Manufacturing Fill & Finish - B Shift (Heather Johnson); Operations HS Manufacturing Fill & Finish - B Shift (Non-Aseptic) (Reginald Cox); Operations HS Manufacturing Fill & Finish - C Shift (Aseptic) (William Holder); Operations HS Manufacturing Fill & Finish - C Shift (Keith Bridges); Operations HS Manufacturing Fill & Finish - C Shift (Non-Aseptic) (Keith Bridges (On Leave)); Operations HS Manufacturing Fill & Finish - C Shift (Non-Aseptic) (Keith Bridges); Operations HS Manufacturing Fill & Finish - C Shift (Timothy Hampton); Operations HS Manufacturing Fill & Finish - D Shift (Aseptic) (Jamie Page); Operations HS Manufacturing Fill & Finish - D Shift (Branch Chandler Cannon); Operations HS Manufacturing Fill & Finish - D Shift (Non-Aseptic) (Ivan Morris); Operations HS Manufacturing Fill & Finish Expansion (Aseptic); Operations HS Manufacturing Fill & Finish Expansion (Aseptic) (Branch Cannon); Operations HS Manufacturing Fill & Finish Expansion (Non Aseptic) (Zachary Oakley); Operations HS Manufacturing Fill & Finish Expansion (Rodney Lam); Operations HS Manufacturing Fill & Finish Ops Aseptic (Brian Kennedy); Operations HS Manufacturing Fill & Finish Ops Non Aseptic (Steve Gaspar); Operations HS Manufacturing Fill & Finish Ops ¬ñ Aseptic (Brian Kennedy (On Leave)); Operations HS Manufacturing Fill & Finish Ops ¬ñ Non Aseptic (Steve Gaspar); Operations HS Manufacturing Finite Scheduling (Andrew Covington); Operations HS Manufacturing Finite Scheduling (David Tye); Operations HS Manufacturing Operational Excellence (Don Miller); Operations HS Manufacturing Production Systems (Angel Colucci); Operations HS Manufacturing Production Systems (Angel L Colucci); Operations HS Manufacturing Production Systems (Frederick Goerke); Operations HS Manufacturing Sciences & Technology (Baron Fulk); Operations HS Manufacturing Sciences & Technology (Irina Staxen (Inherited)); Operations HS Manufacturing Sciences & Technology (Jessica Mercer); Operations HS Manufacturing Sciences & Technology (Tsu-shun Lee); Operations HS Manufacturing Small Scale (Ashley Greeney); Operations HS Strategy, Alliance Management & PMO (John Anderson (Inherited)); Operations HS Strategy, Alliance Management & PMO (Raj Kapadia); Operations HS Strategy, Alliance Management & PMO (Vernon Horner); Operations HS Supply Chain & Strategy (Mayumi Buckoski); Operations HS Supply Chain (David Tye); Operations HS Supply Chain Planning (David Tye); Operations HS Supply Chain Warehouse (Nicholas Brown); Operations HS Supply Chain Warehouse (Willie Lam); Operations HS Supply Chain Warehouse - Manufacturing & TD (Christopher Stone); Operations HS Viral Pilot Plant (Claudia Johnson); Operations Holly Springs (John Anderson); Operations Lead ¬ñ Project Banksia (Lisa Lamb); Operations Liverpool (Laura O''Brien); Operations Planning Manager (Damien Nguyen); Operations Procurement (John Molyneux); Operations Procurement Operations (Donald Lacombe); Operations Procurement Operations (John Molyneux (Inherited)); Operations Procurement Operations (Michele Morris); Operations Support (Annette Feussner); Operations Support (Nicole Kay); Operations Support (Uwe Kalina) (Uwe Kalina); Operations Support R&D (Michele Himmelspach); Operative Master Data Management (Maike Pollaschek (Inherited)); Operative Master Data Management (Maike Pollaschek); Ops Capital Portfolio Management (Stefano Siviero); Ops Plasma Support (Walter Aebersold); Orange City 155 (ANNETTE NELSON); Orange City 155 (Faye-Lynn Deissinger); Orange City 155 ACM Area 1 (Nathan J Herchenroder); Orange City 155 ACM Area 2 (BRIAN LOFTUS); Orange City 155 ACM Area 2 (Jenna Smith); Orange City 155 QA (Christina M Kokoszka); Orange City 155 QA (Cindy Romero-Estrada); Orange City 155 QA (Kyle M Lehrke (Inherited)); Organisation / Koordination Diverse (Eva Herzog (Inherited)); Organization Transformation (Andrea Douglas); Organization Transformation (Tod Marks); Organizational Development (Kristen Krebs); Organizational Development (Rachel Day); Orlando 144 (Isabella Bishop); Orlando 144 ACM Area 1 (Ron Fischer); Orlando 144 ACM Area 2 (Trinica D Boyd); Orlando 144 QA (Brittany Woodward); Orlando 144 QA (DeQuandra Belton); Orlando 144 QA (Tiffany D Sherman (Inherited)); Orlando 511 (Jessica Collins); PABS (Uwe Kalina); PABS I (Helene Lang); PABS I (Sarah Plum); PABS I+II (Annette Feussner); PABS II (Christina Kober); PABS II (Maria Hauswald); PABS III (Aaron Hahn (On Leave)); PABS III (Aaron Hahn); PABS III (Stefan Baumeister); PACE (Christian Sonderegger) (53003164); PACE (Markus Decher); PACE APAC Deployment - Organisation and Change Management (Faye Papakalodoukas); PACE ATR (Andrew Croft (Inherited)); PACE ATR (Michael Kochanski); PACE ATR Payment Management (Dennis Martin); PACE Americas Deployment (Shane Kennedy); PACE Asia Pacific (Andrew Croft (Inherited)); PACE Asia Pacific (Metani Rooms); PACE Commercial Deployment (Peter K Tadros); PACE Coordination BRN (Boris Kaiser (Inherited)); PACE Coordination BRN (Christian Sonderegger); PACE ES (Marco Maeder); PACE General Accounting (Eric Fay); PACE Global Distribution (Catherine Gil); PACE Metrics & Analytics (Christian Spuckti); PACE OTC (Kian Hartono); PACE PM Bern (Oliver Bigler); PACE PMO (Tod Marks); PACE PMO (Tod Marks) (Tod Marks); PACE PTI (Wolfgang Schneider); PACE Program (Andrew Croft (Inherited)); PACE S2P (Andrew Croft (Inherited)); PACE S2P (Simon Haemmerli); PACE S2P (TR Kannan); PACE Site Deployment (Kelly L Konemann); PACE deployment Bern Lengnau (Boris Kaiser); PACE sustain (Linda Carducci (Inherited)); PACE sustain (Markus Decher); PAI Dokumentation (Andre Hullmann (Inherited)); PAI Dokumentation (Carsten Meyer (Inherited)); PAI Endfiltration Albumin (Achim Ludwig (Inherited)); PAI Endfiltration Albumin (Achim Ludwig); PAI Fermentation (Tobias Kling); PAI Koordination (Andre Hullmann (Inherited)); PAI Koordination (Bernd Prior (Inherited)); PAI Koordination (Carsten Meyer (Inherited)); PAI Nebenbetriebe (Mario Kornemann (Inherited)); PAI Pasteurisierung (Mario Kornemann (Inherited)); PAI Produktion 1 / Nebenanlagen (Mario Kornemann); PAI Produktion Albumin (Andre Hullmann); PAI Produktion Immunglobuline/ Nebenanl. (Bernd Prior); PAI Produktion PCF H67 (Roger Leukel); PAI Produktion Rekombinante Proteine (Andreas Berting); PAI Produktion Rekombinante Proteine (Carsten Meyer); PAI Prozessmanager (Barbara Kalina (Inherited)); PAI Prozessmanager (Wilfried Freudenberg (Inherited)); PAI Rekombinante Proteine GMP (Carsten Meyer (Inherited)); PAI Subfraktionierung (Mario Kornemann (Inherited)); PAI Systemuntersttzung SAP/MES (Wilfried Freudenberg (Inherited)); PAI Systemunterst√ºtzung SAP/MES (Barbara Kalina (Inherited)); PAI Systemunterst√ºtzung SAP/MES (Wilfried Freudenberg (Inherited)); PAI Training & GMP (Barbara Kalina (Inherited)); PAI Training & GMP (Wilfried Freudenberg (Inherited)); PAI Ultrafiltration / Endfiltration (Alfons Hck (Inherited)); PAI Ultrafiltration / Endfiltration (Alfons H√∂ck (Inherited)); PAI Ultrafiltration Albumin (Martin Doruch (Inherited)); PAI Ultrafiltration Albumin (Martin Doruch); PAI Vorbehandlung / Support (Hans Becker); PAI Vorbehandlung 1 / Support (Hans Becker (Inherited)); PAI Vorbehandlung 2 (Hans Becker (Inherited)); PAI Vorbehandlung 3 (Andreas Koch); PAI Wgekabine (Mario Kornemann (Inherited)); PAI W√§gekabine (Mario Kornemann (Inherited)); PBS Basisfraktionierung & Support (Stefan Vaupel); PBS Basisfraktionierung (Bernhard Tribensky); PBS Basisfraktionierung (Klaus Wilhelm); PBS Planung & Dokumentation (Claus Baudszus); PBS Schichtgruppe 1 (Mario Lorch); PBS Schichtgruppe 2 (Bjrn Klingelhfer); PBS Schichtgruppe 2 (Bj√∂rn Klingelh√∂fer); PBS Schichtgruppe 3 (Andreas Klein); PBS Schichtgruppe 4 (Andreas Kraus); PBS Schichtgruppe 5 (Bernd Hofmann); PBS Schichtgruppe 6 (Bernd Teske); PCS & MES (Frank Mastellone (Inherited)); PCS & MES (Magda Stavaroiu); PCS & MES (Magda-Elena Stavaroiu); PCS (Reto Kamber); PCS Maintenance (Markus Klsle); PCS Maintenance (Markus Kl√§sle); PCS Maintenance (Reto Camastral); PD Projects & Technology Transfer (Steven Honey); PE - Central Region (Gangjian Chen ); PE - Central Region (Gangjian Chen ?????); PE - Central Region 1 (Qin Li ); PE - Central Region 1 (Qin Li ????); PE - Central Region 2 (Gangjian Chen ????? (Inherited)); PE - Central Region 2 (Shu Min ); PE - Central Region 2 (Shu Min ????); PE - DTP, China (Cissy Xi ); PE - DTP, China (Cissy Xi ????); PE - East Region (Zhen Shen ); PE - East Region (Zhen Shen ????); PE - East Region 1 (Xiao Ma ); PE - East Region 1 (Xiao Ma ????); PE - East Region 2 (Guo Jie Yu ?????); PE - East Region 2 (Guojie Yu ); PE - East Region 2 (Guojie Yu ?????); PE - East Region 3 (Liang Xu ); PE - East Region 3 (Liang Xu ????); PE - North Region (David Chen ???? (Inherited)); PE - North Region (Zhixia Wang ); PE - North Region (Zhixia Wang ?????); PE - North Region 1 (Yajuan Wen ); PE - North Region 1 (Yajuan Wen ?????); PE - North Region 3 (Qinghua Zhao ?????); PE - North Region 4 (Hongbin Wang ?????); PE - North Region 4 (Tracy Yu ); PE - North Region 4 (Tracy Yu ?????); PE - South Region (Sam Shang ); PE - South Region (Sam Shang ?????); PE - South Region 1 (Tony Lee ); PE - South Region 1 (Tony Lee ?????); PE - South Region 2 (Ice Li ); PE - South Region 2 (Ice Li ?????); PE - South Region 3 (Yi-yu Zhang ); PE - South Region 3 (Yi-yu Zhang ?????); PE - South Region 4 (Michelle Li ); PE - South Region 4 (Michelle Li ?????); PE - South Region 5 (Gary Chen ); PE - South Region 5 (Gary Chen ?????); PE - West Region (Alex Kong ); PE - West Region (Alex Kong ????); PE - West Region (David Chen ???? (Inherited)); PE - West Region (Shengyan Qiu ?????); PE - West Region 1 (Hao Chen ); PE - West Region 1 (Hao Chen ????); PE - West Region 2 (Jack Liao ); PE - West Region 2 (Jack Liao ????); PE - West Region 3 (Shen Jie ); PE - West Region 3 (Shen Jie ????); PE - West Region 3 (Shengyan Qiu ????? (Inherited)); PE-Central Region 3 (Julia Zhu ); PE-Central Region 3 (Julia Zhu ????); PGI Bulkproduktion M1M2 (Julian Lampmann); PGI Bulkproduktion M1M2 (Sebastian Feisel); PGI Documentation (Patrick Brusius); PGI Koordination (Heiko Schild (Inherited)); PGI Produktion Beriate (Heiko Schild); PGP Bulkproduktion 1 FIX (Philipp Hergenrder); PGP Bulkproduktion 1 FIX (Philipp Hergenr√∂der); PGP Bulkproduktion 1 FIX (Steffen Mbius); PGP Bulkproduktion 1 FIX (Steffen M√∂bius); PGP Bulkproduktion 1 FVIII-B (Gerhard Burk (Inherited)); PGP Bulkproduktion 1 FVIII-B (Gerhard Burk); PGP Bulkproduktion 1 FVIII-H (Henrik Tutsch (Inherited)); PGP Bulkproduktion 1 FVIII-H (Peter Diehl (Inherited)); PGP Bulkproduktion 1 FVIII-H (Peter Diehl); PGP Bulkproduktion 2 FIX (Sebastian Feisel (Inherited)); PGP Bulkproduktion 2 FIX (Timo Mudersbach (Inherited)); PGP Bulkproduktion 2 FIX (Timo Mudersbach); PGP Bulkproduktion 2 FIX (Timo Mudersbach) (Timo Mudersbach); PGP Bulkproduktion 2 FVIII-B (Reiner Bamberger (Inherited)); PGP Bulkproduktion 2 FVIII-B (Reiner Bamberger); PGP Bulkproduktion 2 FVIII-H (Ernst Dittmar (Inherited)); PGP Bulkproduktion 2 FVIII-H (Ernst Dittmar); PGP Bulkproduktion 3 FVIII-B (Frank Burich (Inherited)); PGP Bulkproduktion 3 FVIII-B (Frank Burich); PGP Bulkproduktion 3 FVIII-B (Frank B√§urich (Inherited)); PGP Bulkproduktion 3 FVIII-B (Frank B√§urich); PGP Bulkproduktion 3 FVIII-H (Jrgen Ungemach (Inherited)); PGP Bulkproduktion 3 FVIII-H (Jrgen Ungemach); PGP Bulkproduktion 3 FVIII-H (J√ºrgen Ungemach (Inherited)); PGP Bulkproduktion 3 FVIII-H (J√ºrgen Ungemach); PGP Bulkproduktion 4 FIX (Steffen Mbius); PGP Bulkproduktion 4 FIX (Steffen M√∂bius); PGP Dokumentation (Patrick Brusius); PGP Koordination FIX (Karl-Heinz Wenz (Inherited)); PGP Koordination FIX (Karl-Heinz Wenz (On Leave) (Inherited)); PGP Koordination FVIII-B (Heiko Schild (Inherited)); PGP Modul 2 - Team 1 (Henning Dittmar); PGP Modul 2 - Team 2 (mit Aslantas (Inherited)); PGP Modul 2 - Team 2 (√úmit Aslantas (Inherited)); PGP Modul 2 - Team 3 (Timo Gr√ºn (Inherited)); PGP Produktion Beriate (Heiko Schild); PGP Produktion Faktor IX (Karl-Heinz Wenz (On Leave)); PGP Produktion Faktor IX (Karl-Heinz Wenz); PGP Produktion Haemate / Humate (Henrik Tutsch); PGP Produktion Haemate / Humate (Peter G√ºttner); PGP Prozessmanager (Barbara Kalina (Inherited)); PGP Prozessmanager (Horst Boeder (Inherited)); PGP Pufferherstellung FVIII-B (Bernd Grau (Inherited)); PGP Tagschicht FIX (Ewald Burk); PGP Tagschicht FIX (Timo Mudersbach); PGP Vorbehandlung FVIII-H (Sascha Ludwig (Inherited)); PGP Vorbehandlung FVIII-H (Sascha Ludwig); PIU (Alan Collins); PIU (Christine Fitzpatrick); PIU Team (Christine Riley); PIU/UM Engineering (Peter White); PL-Quality (Carmen Althainz); PL-Quality (Mehmet G√ºm√ºs); PM Hematology and Thrombosis TA (Joanne Uhl (Inherited)); PM Hematology and Thrombosis TA (Mark Kleinman); PMR Dokumentation (Wilfried Freudenberg (Inherited)); PMS (Hideo Usui - ); PMS (Hideo Usui ??? ?? - ??? ????); PMS (Masashi Nakayama); PNS (Ibtisam Saeed); PNS Manufacturing (Hosmer Perez); PPD / Technical Operations Marburg (Michael Moses); PPD Bern Admin (Eliane Bossart); PPD BioAnalytical Science (Patrick Schuetz); PPD CMC Bern (Philipp Angerer); PPD Impurity & Data Mngt (Patricia Lieby); PPD Investigations (Thomas Kilchoer); PPD Investigations 2 (Tino Boss); PPD Investigations I (Janine Bash); PPD Process Development - R&D (Hal Braley); PPD Process Development - R&D (Kathryn Scott); PPD Process Development - R&D (Yvette Citrine); PPD Process Development 2 (Ibrahim El Menyawi); PPD Process Development 2 Group 1 (Eva Blatter); PPD Process Development 2 Group 2 (Robin Das Gupta); PPD Process Development 2 Group 3 (Adrian Alder); PPD R & D Bioanalytics BMW (Mark Bailey); PPD R&D KOP (Kenneth Walsh); PPD R&D Marburg (Martin Vey); PPD Technical Operations (Birgit Unterweger); PPD Technical Operations (Michele Himmelspach); PPD, Process Development (Eric Zhu); PPM (Roberta Duncan (Inherited)); PPM Research (Heather Davis); PPM Technical (Heather Davis); PQG Look Back / PDI (Patricia Herrmann); PQG Plasma Control (Iryna Zabolotna); PRP Support (Heinz-J√ºrgen Merkel); PRP Vorbehandlung (Thorsten Theis); PRP GMP-Koordination (Heinz-Jrgen Merkel); PRP GMP-Koordination (Heinz-J√ºrgen Merkel (Inherited)); PRP GMP-Koordination (Heinz-J√ºrgen Merkel); PRP Logistik (Robert Schfer); PRP Logistik (Robert Sch√§fer); PRP Lsungsherstellung & Wiegebereich (Robert Schfer (Inherited)); PRP L√∂sungsherstellung & Wiegebereich (Robert Sch√§fer (Inherited)); PRP Support (Yanina Broadnax); PRP Support 1 (Steffen Ramb); PRP Vorbehandlung (Thorsten Theis (Inherited)); PRP Vorbehandlung (Thorsten Theis); PRP Vorbehandlung 1 (David Grb); PRP Vorbehandlung 1 (David Gr√§b); PRP Vorbehandlung 1 (Fabian Feisel); PRP Wareneingang (Evelin Kaiser-Felsmann); PRP Wareneingang (Yanina Broadnax); PRP Wareneingang Team 1 (Sebastian Siebert); PRP W√§gebereich (Heinz-J√ºrgen Merkel (Inherited)); PTC (Severin Thierau); PTH Abfllung 1 (Alexander Muth (Inherited)); PTH Abfllung 2 (Michael Kroker (Inherited)); PTH Abfllung 2 (Michael Kroker); PTH Abfllung 3 (Nils Rder); PTH Abfllung 4 (Bjrn Schmidt); PTH Abf√ºllung 1 (Pascal Nau (Inherited)); PTH Abf√ºllung 2 (Michael Kroker (Inherited)); PTH Abf√ºllung 1 (Lars Nau); PTH Abf√ºllung 1 (Pascal Nau (Inherited)); PTH Abf√ºllung 1 (Pascal Nau); PTH Abf√ºllung 2 (Michael Kroker (Inherited)); PTH Abf√ºllung 2 (Michael Kroker); PTH Abf√ºllung 3 (Alexander Jegel); PTH Abf√ºllung 3 (Rainer Lepper (Inherited)); PTH Abf√ºllung 3 (Rainer Lepper); PTH Abf√ºllung 4 (Bj√∂rn Schmidt); PTH Abf√ºllung 4 (Heiko Steinbach); PTH Albumin & Visual Inspection (Jrg Nickel); PTH Albumin & Visual Inspection (J√∂rg Nickel); PTH GMP Coordination (Matthias Klein (Inherited)); PTH GMP-Coordination (Jrg Nickel (Inherited)); PTH GMP-Coordination (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 1 H069 (Bernd Balzer (Inherited)); PTH Optische Kontrolle 1 H069 (Bernd Balzer); PTH Optische Kontrolle 2 H069 (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 2 H069 (Valentina Kufeld (Inherited)); PTH Optische Kontrolle 2 H069 (Valentina Kufeld); PTH Optische Kontrolle 3 H069 (Jrg Nickel (Inherited)); PTH Optische Kontrolle 3 H069 (J√∂rg Nickel (Inherited)); PTH Optische Kontrolle 3 H069 (Meike D√∂rbecker (Inherited)); PTH Optische Kontrolle 3 H069 (Meike D√∂rbecker); PTH Processmgr Pretreatment Refludan&Bul (Matthias Klein (Inherited)); PTH Servicefunktion (Sabine Fischer); PTH Teilfertigung H069 (Alexander Muth); PTH Teilfertigung H069 (Daniel Schneider); PTH Teilfertigung H069 (Tim Westphal); PTH Teilfertigung Koordination (Daniel Schneider (Inherited)); PTH Teilfertigung Koordination (Tim Westphal (Inherited)); PTH Vorbehandlung & Support (Peter Koch); PTH Vorbehandlung 3 / Abfllung 3 H069 (Uwe Fritsch); PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Uwe Fritsch); PTH Vorbehandlung&Support (Peter Koch (Inherited)); PTI EM Lead (Susan Clough); PTM Abfllung M305 (Tim Westphal); PTM Abf√ºllung M305 (J√∂rg Dieterich); PTM Abf√ºllung M305 (Tim Westphal); PTM Betriebsservicefunktion M305 (Jennifer Hilscher (Inherited)); PTM Betriebsservicefunktion M305 (Jennifer Hilscher); PTM Betriebsservicefunktion M305 (Reinhard Grn (Inherited)); PTM Betriebsservicefunktion M305 (Reinhard Grn); PTM Betriebsservicefunktion M305 (Reinhard Gr√ºn (Inherited)); PTM Betriebsservicefunktion M305 (Reinhard Gr√ºn); PTM GMP Koordinator (Esther Seidel (Inherited)); PTM GT-Anlage M305 (Peter Dersch (Inherited)); PTM Optische Kontrolle M305 (Alexandra G√ºnther (Inherited)); PTM Optische Kontrolle M305 (Elke Stauss (Inherited)); PTM Optische Kontrolle M305 (Elke Stauss); PTM Projekte / Technik (Esther Seidel (Inherited)); PTM Prozessmanager (Esther Seidel (Inherited)); PTM Teilfertigung M305 (Alexandra Gnther); PTM Teilfertigung M305 (Alexandra G√ºnther); PTM Visuelle Kontrolle (Julia Dworschak); PTM Vorbehandlung M305 (Eckhard Brickum (Inherited)); PV Agreements Lead (Andrea Kergl); PV Excellence and Compliance (Gina Granada); PV Quality Management Lead (Gina Granada); PV Safety (Tomoko Yanagawa); PWI Chromatographie & Fllung H68 (Dietmar Grebe); PWI Chromatographie & F√§llung H68 (Dietmar Grebe); PWI Faktor I / XIII Schichtgruppe 7 (Bj√∂rn Bartelme√ü); PWI Faktor I / XIII Schichtgruppe 7 (Horst Schneider); PWI Faktoren I & XIII (Jochen Khler); PWI Faktoren I & XIII (Jochen K√∂hler); PWI GMP-Koordination (Heinz-J√ºrgen Merkel (Inherited)); PWI Inhibitoren (Wilfried Happel); PWI Koordination (Jochen Khler (Inherited)); PWI Koordination (Jochen K√∂hler (Inherited)); PWI Koordination (Wilfried Happel (Inherited)); PWI Logistik (Robert Sch√§fer); PWI L√∂sungsherstellung & Wiegebereich (Robert Sch√§fer (Inherited)); PWI Regeneration & Vorbehandlung H68 (Marc Wellner); PWI Support (Heinz-J√ºrgen Merkel); PWI Tagdienst (Roger Ochs); PWI Teilbereich (Christoph Bernitt); PWI Training & GMP (Jochen Khler (Inherited)); PWI Training & GMP (Jochen K√∂hler (Inherited)); PWI Training & GMP (Wilfried Happel (Inherited)); PWI Vorbehandlung (Thorsten Theis (Inherited)); PWI Vorbehandlung (Thorsten Theis); PWI Wareneingang (Evelin Kaiser-Felsmann); PWI W√§gebereich (Heinz-J√ºrgen Merkel (Inherited)); PWI-H68-Schicht (Dietmar Grebe (Inherited)); PWI-H68-Schicht (Marc Wellner (Inherited)); PWI-H68-Tagdienst (Dietmar Grebe (Inherited)); PWI-H68-Tagdienst (Marc Wellner (Inherited)); PWI-H68-Tagdienst (Marc Wellner); PWI-M305 (Manuel Lotz); PWI-M305 Schicht 1 (Fabian Cybulski); PWI-M305 Schicht 2 (Florian Scherer (Inherited)); PWI-M305 Schicht 2 (Florian Scherer); PWI-M305 Schicht 3 (Fynn Krieger); PWI-M305 Tagdienst (Robert H√∂hne) (Robert H√∂hne); Packaging & Supply (Claus Peihs); Packaging & Supply (Helmut Robert Euler (Inherited)); Packaging & Supply (Viktor Krecker); Packaging & WHS (Armin Stcklin); Packaging & WHS (Stefan Kaelin); Packaging (Andrew Baxter); Packaging (Brian T White); Packaging (Bruno Baeriswyl); Packaging (Kate (Shortall) Lamont); Packaging (Kate Lamont); Packaging (Kate Shortall); Packaging (Othmar Geisser); Packaging (Pasquale Carestia (Inherited)); Packaging (Thomas Royal); Packaging (Union) (Brian T White); Packaging (Union) (Pasquale Carestia (Inherited)); Packaging (Union) (Thomas Royal); Packaging Day Shift 2/6 (Tanja Maegert); Packaging Day Shift 4/5 (Jelka Golob); Packaging Design (Josue Stoll); Packaging Development (Claude Morf); Packaging Development (Markus Maus); Packaging Diverse (Jrg Dieterich (Inherited)); Packaging Diverse (J√∂rg Dieterich (Inherited)); Packaging Evening Shift 1/3/6 (Shabbir Ahmad Sheikh); Packaging Evening Shift 2/4/5 (Nebojsa Milosevic); Packaging I (Pasquale Carestia (Inherited)); Packaging Line 1 (Daniel Fankhauser); Packaging Line 1 (Marianne Steuri); Packaging Line 2,3,7 (Jelka Golob); Packaging Line 4 (Nebojsa Milosevic); Packaging Line 5 (Bashkim Redzepi); Packaging Line 6 (Tanja Maegert); Packaging Materials Testing & Release (Dominik Corbet); Packaging Operations (Claus Peihs (Inherited)); Packaging Operations (Jrg Dieterich); Packaging Operations (J√∂rg Dieterich); Packaging Operations (Murat Dalar); Packaging Teams (Bernd Baum); Packaging and Inspection (David Hartley (Inherited)); Packaging and Inspection (Joey Tranquilino); Packaging, Design & Artwork (Metin Yilmaz); Packing Material Control PMC (Dominic Wuest); Packing Material Control PMC (Nicole Moser); Packing Material Control PMC 2 (Denise Engimann); Packing Team Leader (Adam Heath); Packing Team Leader (Beau Williams); Packing Team Leader (David Nguyen); Packing Team Leader 451 (Robert De Santis); Pain Business Unit Director (Michael Grant); Palm Bay 254 (Cari N Howard); Palm Bay 254 (Latora (LaLa) Boswell); Palm Bay 254 ACM Area 1 (John Fuller); Palm Bay 254 ACM Area 1 (KIARA CAGLE); Palm Bay 254 ACM Area 2 (Latora (LaLa) Boswell); Palm Bay 254 ACM Area 2 (Lori Leinas); Palm Bay 254 QA (Regine Jean Gilles (On Leave)); Palm Bay 254 QA (Regine Jean Gilles); Pandemic (Lorna Meldrum); Parenteral Manufacturing (AlbuRx Filling) (Daniel Derakhshanian); Parenteral Manufacturing (AlbuRx Filling) (Union) (Daniel Derakhshanian); Parenteral Manufacturing (AlbuRx) (Nick Bonavita); Parenteral Manufacturing (AlbuRx) (Union) (Nick Bonavita); Parenteral Manufacturing (Mindy Randazzo); Parenteral Manufacturing (Thomas Royal); Parenteral Manufacturing (Union) (Mindy Randazzo (Inherited)); Parenteral Manufacturing (Union) (Thomas Royal (Inherited)); Parkersburg 178 (Jeff Hay); Parkersburg 178 (Lachelle Mosholder); Parkersburg 178 (Lenora Lada); Parkersburg 178 ACM Area 1 (Alissa Sindelar); Parkersburg 178 ACM Area 1 (Lenora Lada); Parkersburg 178 ACM Area 2 (Lachelle Mosholder); Parkersburg 178 ACM Area 2 (Lenora Lada (Inherited)); Parkersburg 178 QA (Amanda M Cvitkovich); Parkersburg 178 QA (Christina Prunty); Parma Heights 162 (Olivia Arend); Parma Heights 162 (Sue Collins); Parma Heights 162 ACM Area 1 (Lindsy Wolf); Parma Heights 162 ACM Area 2 (Mirela Sekulic); Parma Heights 162 ACM Area 2 (Seanna Penn); Parma Heights 162 QA (Deborah Robinson); Paste & Final Product Planning (Martin Sutter); Patents and Licenses (Hans-Peter Hauser); Patient Engage & Feas (Rodney Winley); Pay Services (Brian T Simeur); Payroll DE (Claudia Rogge); Pensacola 623 (Nicole K Stassen); Pensacola 623 ACM Area 1 (Esteban Facundo); Pensacola 623 ACM Area 1 (Timothy J Nisewonger); Pensacola 623 ACM Area 2 (Esteban Facundo); Pensacola 623 ACM Area 2 (Timothy J Nisewonger); Pensacola 623 QA (Jessica L Ford (On Leave)); Pensacola 623 QA (Jessica L Ford); Pensacola 623 QA (Matthew T Zisa); Pensacola 623 QA (Melodee C Ebel (Inherited)); Peoria 133 (Mark A Yellen); Peoria 133 (Patrick S Taylor); Peoria 133 ACM Area 1 (DeAnn K Benally); Peoria 133 ACM Area 1 (Patrick S Taylor (Inherited)); Peoria 133 ACM Area 2 (Patrick S Taylor (Inherited)); Peoria 133 ACM Area 2 (Seanna Penn); Peoria 133 QA (LaVona M Holt); Peoria 289 (Dennis Popek); Peoria 289 (Nicholle DeVecchi); Peoria 289 ACM Area 1 (Holly Worsfold); Peoria 289 ACM Area 2 (Lew Carney); Peoria 289 QA (Kali Trevino); Performance Management (Ken Lain); Pharmaceutical Development (Martin Alex Imboden); Pharmacodynamic (Marc Nolte); Pharmacodynamic 1 (Padmapriya Ponnuswamy); Pharmacodynamic 2 (Subhajit Ghosh); Pharmacokinetic (Oliver Ghobrial); Pharmacokinetic (Sabine Pestel); Pharmacology & Toxicology (Eva Herzog); Pharmacometrics (Theresa Yuraszeck); Pharmacovigilance systems (Sahil Sahni); Pharmacovigllance Quality (Wumi McDowall); Pharmakanten (Carmen Walldorf (Inherited)); Pharmakanten (Doris Nake (Inherited)); Philadelphia 145 (Kristen Aydin); Philadelphia 145 (Rene Benson-Skone); Philadelphia 145 (Robert W Gillespie); Philadelphia 145 ACM Area 1 (Ken Laguerre); Philadelphia 145 ACM Area 2 (Kevin Lambrecht); Philadelphia 145 ACM Area 2 (Rene Benson-Skone (Inherited)); Philadelphia 145 QA (Kim Van Houten); Philadelphia 147 (Derek Morner); Philadelphia 147 (John L Thixton (Inherited)); Philadelphia 147 (Michele Dionne); Philadelphia 147 (Theresa Mwimbwa); Philadelphia 147 ACM Area 1 (Jennifer Foxworth); Philadelphia 147 ACM Area 1 (Robinrenee Dorsey); Philadelphia 147 ACM Area 2 (Robinrenee Dorsey); Philadelphia 147 ACM Area 2 (Rose Marie Waddle); Philadelphia 147 QA (Alissa Elke); Philadelphia 147 QA (John L Thixton (Inherited)); Philadelphia 147 QA (Leslie Jones); Philadelphia 147 QA (Samantha J Schrepel); Pilot Plan Manufacturing Team (Stefanie Ronzheimer); Pilot Plant (Christian Schlachtbauer); Pilot Plant (Jarvis Hammitt); Pilot Plant (Klaus-Jrgen Schlitt (Inherited)); Pilot Plant (Leander Trachsel); Pilot Plant (Norbert Egon Juettner); Pilot Plant Group (Lukas Sterchi); Pilot Plant II (Franziska Naef); Pilot Plant II (Lukasz Lubecki); Pilot Plant Lengnau (Joel Zumstein); Pilot Scale Operations (Chris Horridge); Pilot Scale Operations (Daniela Mocanu); Pilot Scale Operations (Heidi Bergman); Pilot Scale Operations (Jeffrey Bourke); Pilot Scale Operations (Maggie Aziz); Pilot Scale Operations (Mark Simmonds (Inherited)); Pilot Scale Operations (Mark Simmonds); Pilot Scale Operations (Paul Gibbs); Pilot Scale Operations (Rob Hooper); Pilot Scale Operations (Sharon Orr); Pilot Scale Operations (Tien Vo); Pilot Scale Operations (Tim Hanna); Pilot Scale Operations (Ursula Macaskill); Pilot Scale Operations 1 (Jessica McGiffin); Pinellas Park 139 (Brett Goldman); Pinellas Park 139 (Leah J Davis); Pinellas Park 139 (Robin G Spencer); Pinellas Park 139 ACM Area 1 (Alesia Davenport); Pinellas Park 139 ACM Area 1 (Lynn M Stratton); Pinellas Park 139 ACM Area 2 (Alesia Davenport); Pinellas Park 139 ACM Area 2 (Christina Goodrich); Pinellas Park 139 QA (Dana Pagano); Pinellas Park 139 QA (Lynn M Stratton); Pinnacle Training Site Las Vegas (Yennifer Fernandez); Pinnacle Training Site Pinellas Park (Lauren Hardy); Pittsburg 269 (Esence Hambrick); Pittsburg 269 ACM Area 1 (Dan Lassige); Pittsburg 269 ACM Area 2 (Tammy Toth); Pittsburg QA 269 (Marianne Brown); Pittsburgh 269 (Marianne Brown); Pittsburgh 269 ACM Area 1 (Dan Lassige); Pittsburgh 269 ACM Area 2 (Tammy Toth); Pittsburgh QA 269 (Melanie Kauffman); Planning (Christoph Krug); Planning (Stephan Obrecht); Planning (Tabitha Dineen); Planning Maintenance (Andr√© Hasler); Planning Maintenance (Oliver Bigler); Plant & Clean Utilities (Nozar Basseri); Plant Engineering & Services (Beat Meyer); Plant Engineering (Benjamin Reh); Plant Engineering (Michael Kleinehanding); Plant Engineering Mgr 255 (Anthony Wrzesinski); Plant Engineering Mgr 255 (Stuart Barnes); Plant Engineering Mgr 255 (Timothy Travis); Plant Finance (Justin Mericle); Plant Finance (Melissa Gottschall); Plant Finance (Vlad Kirylau); Plant Finance II (Vlad Kirylau); Plant Finance Product Costing & Capital (Michael McAvoy); Plant Operations (Vinko Momiroski); Plant Utilities (Hansruedi Brunner); Plasma & Raw Material Release (Stefan Tepfenhart); Plasma Center Management (Jincai Zhu ); Plasma Center Management (Jincai Zhu ?????); Plasma Contract Management (Linda S Romalin); Plasma Finance (Jason Mugridge); Plasma Fractionation (John Nelson); Plasma Fractionation (Jordan Wright); Plasma Fractionation (Union) (John Nelson (Inherited)); Plasma Fractionation (Union) (Jordan Wright); Plasma Logistic Center (Peter Nau); Plasma Logistic Center Dallas Supervisor (Brandon W Wornick); Plasma Logistic Center Dallas Supervisor (Brandon Wornick); Plasma Logistics Center Dallas (Carey L Fleener); Plasma Logistics Center Indy (Chad Simeur); Plasma Logistics Center Whitestown (Chad Simeur); Plasma Logistics Centers (Michael J Frecker); Plasma Management (Jack Zhang ?????); Plasma New Development (Jake Zhang ); Plasma New Development (Lixia He ?????); Plasma Operation, Quality (Qingqing Wang ); Plasma Operation, Quality (Qingqing Wang ?????); Plasma Operations (Eveline Kindler); Plasma Operations (Timo Fuhrmann); Plasma Operations Finance; Plasma Operations and Quality (Eric Li ); Plasma Operations and Quality (Eric Li ?????); Plasma Operations and Quality Management (Jeffrey A Schulz); Plasma Pay Services (Karen D Vellutini); Plasma Product Development (Douglas Lee (Inherited)); Plasma Product Development (Michael Zachner); Plasma Products Bulk Operations (Barbara Kalina); Plasma Quality (Lixia He ); Plasma Quality (Lixia He ?????); Plasma Quality Management (Laura O''Brien); Plasma Quality/Deviations (Stefan Kaelin); Plasma Receipt & Haemostasis (Narelle Urli); Plasma Receipt & Haemostasis (Sean Flannery); Plasma Receipt (Brendan Smale); Plasma Receipt (Roger Hand); Plasma Receipt (Tommy Tovilo); Plasma Release (Daniel Schwarz); Plasma Release (Si√© Kigninlman Coulibaly (Inherited)); Plasma Resources US (David H Confessore (Inherited)); Plasma Resources US (Debra A Hood); Plasma Resources US (Shane Kennedy); Plasma Sourcing Management (Lixia He ?????); Plasma and Manufacturing Finance (Ted Kanigowski); Plasma and Manufacturing Finance (Ted Kanigowski) (Ted Kanigowski); Plasmapreparation (Andreas Reber); Plasmapreparation (Erich Nuessle); Pleasant Grove 046 (Eduardo Williams); Pleasant Grove 046 (Vicky Sablan); Pleasant Grove 046 ACM Area 1 (Chad Pagel); Pleasant Grove 046 ACM Area 2 (Ebony Q McGee); Pleasant Grove 046 QA (Pamela R Mendoza); Pontiac 121 (Ashley M Jamieson (Inherited)); Pontiac 121 (Melissa Johnson); Pontiac 121 (Mondel Hightower); Pontiac 121 ACM Area 1 (Tracey L Boyd-McCorkle); Pontiac 121 ACM Area 2 (Mondel Hightower (Inherited)); Pontiac 121 ACM Area 2 (William D Owens); Pontiac 121 QA (Ashley M Jamieson (Inherited)); Pontiac 121 QA (Rebecca Barrons (On Leave)); Pontiac 121 QA (Rebecca Barrons); Pontiac 121 QA (Rodnesia R Jackson); Port Arthur 176 (Karen Sauceda); Port Arthur 176 ACM Area 1 (Dannetta Abdel-Malek); Port Arthur 176 ACM Area 1 (Karen Sauceda (Inherited)); Port Arthur 176 ACM Area 2 (THU RAMOS); Port Arthur 176 QA (Angela Redd); Port Author 176 QA (Angela Redd); Port Author 176 QA (Michael Thompson); Port Authur 176 (Karen Sauceda); Port Authur 176 (Lauren Hardy); Port St Lucie 072 (Kashaun Muhammad (Inherited)); Port St Lucie 072 (Mario A Salas); Port St Lucie 072 ACM Area 1 (Adam Davis); Port St Lucie 072 ACM Area 2 (Vanessa Sanon); Port St Lucie 072 ACM Area 3 (Garrett J Royal); Port St Lucie 072 QA (Raquel Reyes (On Leave)); Port St Lucie 072 QA (Raquel Reyes); Portage 187 (Dom Moceri); Portage 187 (Richard McCoy); Portage 187 ACM Area 1 (DERREK CRUMP); Portage 187 ACM Area 1 (Jeffrey Ott (On Leave)); Portage 187 ACM Area 2 (DERREK CRUMP); Portage 187 ACM Area 2 (Nikki Bradley); Portage 187 QA (Mitch A Quinn); Portage 187 QA (Stephanie Gower); Portfolio & Project Management (Heather Davis); Portfolio & Project Management (Roberta Duncan); Portfolio Management (Joel Hanson); Potency 1 (Dave De Witte); Potency 1 (Johanna Mock); Potency 2 (Martina Treutlein); Potency Testing Final Product 1 (Johanna Mock); Potency Testing Final Product 2 (Martina Treutlein); Potency Testing Intermediates 1 (Jan Bursy); Potency Testing Intermediates 1 (Marika Midon); Potency Testing Intermediates 2 (Wilfried Peil); Preclinical Innovation (Fabian Kaesermann); Preclinical Innovation (Jennifer Brasseit); Preclinical Innovation (Kleanthis Fytianos); Preclinical Innovation (Rolf Spirig); Pricing (Paul Jens (Inherited)); Pricing (Stephanie Kupski); Primary Automation (Gary Steele); Primary Automation (Stephen Callaghan); Primary Manufacturing (Matthew Burrows); Primary Packaging & Medical Devices Bern (Frank Bamberg); Primary Packaging & Medical Devices Bern (Renzo Pedrussio); Primary Packaging & Medical Devices Bern I (Monica Tavanti); Primary Packaging & Medical Devices Marburg (Ahmad Abdul Fattah); Primary Packaging & Medical Devices Marburg (Thomas Pfeifer); Primary Process Engineering (Asad Akhter); Primary Utility Projects (Russell Peak); Primary and Warehouse Validation (James Swann); Privigen Bulk & Facility Operations (Robert Skok); Privigen Bulk (George Barlas); Privigen Bulk (George Makris); Privigen Bulk (Jeremy Campbell (Inherited)); Privigen Bulk (Jeremy Campbell); Privigen Bulk (Kellie Goodman); Privigen Bulk (Lanie Hynninen); Privigen Bulk (Ritaben Suhagiya); Privigen Marketing (Robert Zegel); Privigen/AlbuRx Processing (Peter Klasen); Privigen/AlbuRx Processing Team Leader (Areti Kaloyannis); Process Validation (Berangere Lingat); Process Validation (Fergus Hawes); Process Validation (Peter Trimcevski); Process & Project Engineering (Duncan Benson); Process Analyst Lead (Kate Goossens); Process Analytics & Scale-up (Michael Bieri); Process Analytics & Scale-up (Tobias Heck); Process Change Program (Anita Kohl-Truebenbach (Inherited)); Process Change Program (Jeffrey Ball); Process Control Manager (Vincent Chung (Inherited)); Process Development (Hubert Metzner); Process Development (Michael Bartkovsky); Process Development 1 (Martin Alex Imboden (Inherited)); Process Development 2 (Ibrahim El Menyawi); Process Development Bern (Kurtis Allan Epp); Process Development Bern (PDB) (Kurtis Allan Epp); Process Development Bern I (Maria Crespo Solans); Process Development Bern I, Team 1 (Madlene von Knel); Process Development Bern I, Team 1 (Madlene von K√§nel); Process Development Bern I, Team 2 (Jonathan Eras); Process Development Bern II (Ibrahim El Menyawi); Process Development Bern II, Team 1 (Eva Blatter); Process Development Bern II, Team 2 (Marcus von Nordheim); Process Development Bern II, Team 3 (Adrian Alder); Process Development Bern II, Team 4 (Matthias Spiess); Process Development Bern III (Simon Gerber); Process Development Bern III, Team 1 (Robin Das Gupta); Process Development Bern III, Team 2 (Adrian Alder); Process Development Bern III, Team 3 (Eva Blatter); Process Development Bern III, Team 4 (Jos√© Ures); Process Development Group 1 (Robin Das Gupta); Process Development Group 2 (Eva Blatter); Process Development I & PP (Jennifer Krupka); Process Development I (Charles Arnold); Process Development I (Maike Glaser); Process Development I (Roopsee Anand); Process Development I (Uwe Liebing (Inherited)); Process Development I (Uwe Liebing); Process Development II (Jennifer Krupka); Process Development II (Katrin Anders); Process Development II (Kenneth Maas); Process Development III (Klaus Schmitt); Process Development, Data Science (Maya Shevlyakova); Process Engineering (Donall O Cualain); Process Engineering (Duncan Benson (Inherited)); Process Engineering (Gemma Parkes); Process Engineering (Markus Rentsch); Process Engineering (Michael Bieri); Process Engineering (Sean Goudy); Process Engineering Form & Fill (Emanuella Barbosa Lopes Souza Leao); Process Equipment & Technology (Benno Bitterli); Process Experts (Nicole L√∂ffelholz); Process Improvement (Deborah Mansfield); Process Improvement (George Thomas); Process Improvement (Jason Woolley (Inherited)); Process Improvement Mgr, PNS (Jerjess Chahoud); Process Management (Dawn Myers); Process Management Admin PGI (Antje Rder); Process Management Admin PGI (Antje R√∂der); Process Management Admin PGI (Oliver Draht); Process Migration (Ian Falcao); Process Migration (Paul Martell); Process Migration (Tony Renna); Process Migration Automation PU (Muditha Hasthanayake); Process Migration E&I (Paul O''Brien); Process Migration Project Engineer (Alice Dinh); Process Migration Project Engineer (Anna Martell); Process Science (Annette Gaida); Process Science (Annette Gaida-Benz); Process Science (Stefan Schulte); Process Science 2 (Arnaud Vonarburg); Process Science Upstream Lead (Sandra Grunske); Process Scientists Fractionation (Bernhard Wyss); Process Seed (Jennifer Kelly-Martland); Process Seed (John Cooney); Process TD (Adam Bentley); Process TD (Lisa-Marie Foulkes); Process Validation & Tech Transfer (Stefan Schulte); Process Validation (Berangere Lingat (Inherited)); Process Validation (Berangere Lingat); Process Validation (Fergus Hawes); Process Validation (Indi Staffa); Process Validation (Jesse Richter (Inherited)); Process Validation (Jessica Parletta); Process Validation (Peter Trimcevski); Process Validation - Stability (Jessica Mackellin); Process, Aseptic and Shipping Validation (Clare O''Donnell); Processes (Ferdinand Marx); Processes and Metrics (Eberhard Fitzner); Procurement (Barbara Beugger (Inherited)); Procurement (Brigitte Kimpel-Koch [C]); Procurement (Sreevatsan Sridharan); Procurement Lengnau (Narin Hermez); Procurement Lengnau (Pierre Bersier); Procurement Liverpool (Ian Goldup); Procurement Liverpool (Rachael Close); Procurement Liverpool (Trevor Reay (Inherited)); Procurement Operations (Juerg Kauer); Procurement Operations (Robert Di Giacomo); Procurement Operations (Sue Savage); Procurement Operations (Taylor Saak); Procurement Operations (Thomas Schneider); Procurement Operations - Liverpool (Rachael Close); Procurement Operations - Liverpool (Rachel Shaw); Procurement Operations I (Taylor Saak); Procurement Operations Manager (Marion Fitchett); Prod Manager - Formulations441 (Jamie Aaron Morris); Prod Manager - Formulations441 (Paul Morrison); Prod Mgr - Packaging (Garth James); Prod Mgr - Packaging (MARILYN BARAKIA); Product Care & Layout (Viviana Solange Fluxa Rojas); Product Care (Bill Chambers (Inherited)); Product Care (Markus Christen); Product Care (Patrick Nolte); Product Care (Samantha Czako (On Leave)); Product Care (Samantha Czako); Product Care (Thorsten Keller); Product Care (Valerie Schaffer); Product Care (Viviana Solange Fluxa Rojas (Inherited)); Product Care Mgmt (Andrea Lehmann); Product Characterisation (Matthias Zimmermann); Product Characterisation (Robert Dickinson); Product Characterization (Carsten Horn); Product Costing & Inventory Controlling (Anika Wagner); Product Costing & Inventory Controlling (Dirk Achenbach); Product Development (David Glover (Inherited)); Product Development (David Glover); Product Development (Fiona Bunworth); Product Development (Matthias Zimmermann); Product Disposition (Amber Hall); Product Disposition (Gennin Snyder); Product Education (David Chen ????); Product Education (Wei Chen ); Product Education (Wei Chen ????); Product Expertise (Paul Sinclair); Product Group Hemophilia (Claudia Zacharias); Product Group Hospital Products; Product Group Hospital Products (Bianca Petzold); Product Group Hospital Products (Michael Bernd Rode (Inherited)); Product Group ID (Richard Sodmann); Product Innovation (Fabian Kaesermann (Inherited)); Product Innovation (Fabian Kaesermann); Product Innovation (Rolf Spirig); Product Innovation (Susann Cattepoel); Product Market Authorization & QA Russia & CIS (Galina Senchukova); Product Ownership - Biotherapies (Anita Kohl-Truebenbach); Product Ownership - Biotherapies (Paul McKenzie (Inherited)); Product Release (Christine Peter); Product Release (Patricia Loftus); Production & Strategic Planning (Matthias Christl (On Leave)); Production & Strategic Planning (Matthias Christl); Production (Craig Byham); Production BCI/C1 INHIB (Peter Gttner); Production BCI/C1 INHIB (Peter G√ºttner); Production Engineering (ANDREW HISLOP); Production Engineering (Andre Majchrzak); Production Engineering (Anisa Moghaddam); Production Engineering (Antonio Ciocca); Production Engineering (Cameron Simpson); Production Engineering (Campbell Anderson); Production Engineering (Candy Lee); Production Engineering (Damien Barri); Production Engineering (Dion Houtman); Production Engineering (Jason Fletcher); Production Engineering (Karen Noonan); Production Engineering (Kate McConnell); Production Engineering (Melissa Nicholson); Production Engineering (Reza Mohebian); Production Engineering (Richard Friar); Production Engineering (Richard Hayne); Production Engineering (Tom Graham); Production Engineering (Tom Kelland); Production Engineering 1 (Geoff Wang); Production Manager (Cassandra Smoult); Production Manager (Jamie Aaron Morris); Production Manager US (Ljubi Huseinovic); Production Manager, PNS 448 (Keiran Ragas); Production Marburg (Frank Emmerich); Production Marburg (Michael Schr√∂der); Production Planning (Kyle Popham); Production Supervisor 454 (Kara Davine); Production Support (Jeffrey Spicer); Production Support (Marcus O''Dwyer); Produktion Inhibitoren PGI (Barbara Kalina (Inherited)); Produktion Inhibitoren PGI (Stefan Wellnitz); Produktion Inhibitoren PGI (Wilfried Happel); Produktion Inhibitoren Schicht 1 (Fabian Cybulski); Produktion Inhibitoren Schicht 2 (Arkadius Kaczmarczyk (Inherited)); Produktion Inhibitoren Schicht 2 (Arkadius Kaczmarczyk); Produktion Inhibitoren Schicht 3 (Manuel Lotz); Produktion Inhibitoren Schicht 4 (Fynn Krieger); Produktion Inhibitoren Schicht 4 (Manuel Cuesta Linker); Produktion Inhibitoren Tagdienst (Florian Scherer); Produktion RPF300 (Anika Knack); Produktion RPF300 (Mara Saglam); Produktion Rekombinante Proteine & Support (Carsten Meyer); Produktion Rekombinante Proteine & Support (Viktor Krecker); Produktion Wundheilungsprparate M300 1 (Meik Dietrich); Produktion Wundheilungsprparate M300 2 (Jrg Schmidt); Produktion Wundheilungsprparate M300 3 (Bjrn Bartelme); Produktion Wundheilungsprparate M300 4 (Willi Drr); Produktion Wundheilungsprparate M300 5 (Rainer Jesberg); Produktion Wundheilungsprparate M300 6 (Udo Wagner); Produktion Wundheilungspr√§parate M300 1 (Meik Dietrich); Produktion Wundheilungspr√§parate M300 2 (J√∂rg Schmidt); Produktion Wundheilungspr√§parate M300 3 (Bj√∂rn Bartelme√ü); Produktion Wundheilungspr√§parate M300 3 (Christoph Bernitt); Produktion Wundheilungspr√§parate M300 4 (Willi D√∂rr); Produktion Wundheilungspr√§parate M300 5 (Rainer Jesberg (On Leave)); Produktion Wundheilungspr√§parate M300 5 (Rainer Jesberg); Produktion Wundheilungspr√§parate M300 6 (Udo Wagner); Produktionsfachkraft Chemie (Carmen Walldorf (Inherited)); Produktionsfachkraft Chemie (Doris Nake (Inherited)); Program Management R&D Building (Carsten Skill); Programme Management (Anthea Stephenson); Project (Joe Fielding [C]); Project Aurora Automation (Mukesh Muruganandan) (Mukesh Muruganandan); Project Automation (Michael Kraft); Project BCI (Kristin Eschrich); Project Controls and Commercial Assurance (Daniel Boltz); Project Delivery & Support (Christopher A Betterton); Project Delivery & Support (Matt Shapiro); Project Delivery & Support (Robert Boland (Inherited)); Project Delivery EU/APAC (Nick Furmston); Project Delivery KAN (Michael Hansen (Inherited)); Project Edge Commercial (Drew Hansen); Project Edge Finance (Daya Salter); Project Edge Finance (John Dinatale (Inherited)); Project Edge Logistics (John Dinatale (Inherited)); Project Edge Logistics (Steve Wilson [C]) (Steve Wilson [C]); Project Edge Procurement (Emma Hopwood); Project Edge Quality (Glenn Barbrey); Project Edge Quality (John Dinatale (Inherited)); Project Engineering (Daniel Weniger); Project Engineering (Duncan Benson); Project Engineering (Volker Teuchert); Project Ldr Improve & Compl (Michael Dunn); Project Ldr Improve & Compl (Thomas Nguyen); Project Logistic Centre Lahntal (Thomas Schwarz); Project Management (Bryan J Hoover); Project Management (Mark Ridge); Project Management CV TA (Julie Waterbury); Project Management Office (Chris Abell); Project Management Office (Emily Brown); Project Management Office (Geoffrey Rea [C]); Project Management Office (Jose Gonzalez (Inherited)); Project Management, AU/Asia (Alex Vaine); Project Management, Europe (Elaine DiMonte); Project Management, Europe (Katharine von der Fecht); Project Management, North America (Elaine DiMonte); Project Manager (Andrei Fedorov); Project Manager (Conal O''Mahony); Project Manager (Heiko V√∂lpel (Inherited)); Project Manager (Jack Hung); Project Manager (Victor Karafilis (Inherited)); Project Support & Technical Transfer (Andreas Berting); Project Upgrade H69 (Thomas Schwarz); Project-Portfolio Delivery (Robert Boland); Project/Portfolio Delivery (Tod Marks); Projekt Phoenix (Markus Ries); Projekt-Koordinator (Claus Peihs (Inherited)); Projekt-Koordinator (Jrg Dieterich (Inherited)); Projekt-Koordinator (J√∂rg Dieterich (Inherited)); Projekt-Koordinator (Murat Dalar (Inherited)); Protein Biochemistry (Eric Salgado); Protein Research R&D (Nathan J Brinkman); Protinus (Marius Liesch); Protinus (Sandra Kaempfer); Prozessgruppe 1 (Christoph Pfeiffer); Prozessgruppe 1 (Daniel Weniger (Inherited)); Prozessgruppe 1 (Marko Witt); Prozessgruppe 2 (Frank Heck); Pt. St. Lucie 072 ACM Area 1 (Adam Davis); Pt. St. Lucie 072 ACM Area 2 (Vanessa Sanon); Pt. St. Lucie 072 ACM Area 3 (Garrett J Royal); Publishing Site Marburg (Jrg Starker); Publishing Site Marburg (J√∂rg Starker); Publishing Site Marburg Diverse (J√∂rg Starker (Inherited)); Puffer (Rainer Frank (Inherited)); Puffer (Torsten Jeide); Pulmonology-Europe (Michael Larbig); Purchasing (Alfonso Albornoz); Purchasing (Bob Siegel); Purchasing (Mark W Hartmann); Purchasing I (Alfonso Albornoz); Q Fever Team Leader D443 (Marcus O''Dwyer); Q Fever Team Leader D443 (Paul Williams); Q-Operation (Isabelle Crauser); Q-Operation (Marco Maeder); Q-Oversight End Products (Urs Pflugshaupt); QA - Batch Release & PTCs (Daniel Powell); QA - Batch Release & PTCs (Peter Tyler); QA - Batch Release (Astrid Mellor); QA - Batch Release (Tracy Owens); QA Batch Release (Constanze Buchter); QA Batch Release (Nicole Kortelainen); QA Batch Release (Randolph Rimando); QA Complaints Mangement (Rhonda L Luhrsen); QA Compliance (Berangere Lingat); QA Compliance (Craig Stephens (Inherited)); QA Compliance (JEFFREY ZOUBEK); QA Compliance (Jeffrey Zoubek); QA Compliance (Kimberly E Lorenz (Inherited)); QA Compliance (Mark Dickson); QA Cont Imp & Iss Mgt (Sharon Thornton); QA Fill/Finish (Lindsay Griffiths); QA Manager (Nicola Rotherham); QA Manufacturing (Alex Hargreaves); QA Manufacturing (Natalie Steele); QA Manufacturing (Tracy Owens); QA Operations (Dave Kowalski); QA Operations API (Anthony Nelson); QA Operations API (Kyle Showalter); QA Operations Bldg 30 (Anastasia Lindsey); QA Operations Bldg 33 (Alison York); QA Operations Bldg 33 (Candice Nieves (Inherited)); QA Operations Bldg 33 (Jill Shafer); QA Operations Bulk (Candice Nieves); QA Operations Bulk (Cassandra Clevenger); QA Operations Coagulation (Nicholas Gluckleder); QA Operations Coagulation 2 (Kelly Kucera); QA Operations Fractionation (Alison York); QA Operations Fractionation (Jacquelyn O''Malley); QA Operations II (Meggan R Smith); QA Operations II (Sarah Milone); QA Operations IPW (Kimberly Desler); QA Operations IPW (Meggan R Smith); QA Operations IPW (Sarah Milone); QA Operations IPW I (Sarah Milone); QA Operations Parenteral (Dave Kowalski (Inherited)); QA Operations Parenteral (Michael Urbanczyk); QA Plasma/Deviations (Eva Streit); QA Plasma/Deviations (Si√© Kigninlman Coulibaly); QA Primary Manufacturing (Jocelyn Bryson); QA Process and Facilities / Stability (Marco Haas); QA Processes & Facilities (Dieter Bathier); QA Processes & Facilities (Ivo Lakomy); QA Processes & Facilities (Michel Baur); QA Processes & Facilities (Silvia Schmutz); QA Product Release (Joanna Madafferi); QA Product Release (Stephanie St.Martin); QA Projects Compliance Team (Danielle Moloney); QA Projects Compliance Team (Stoyan Atanasov); QA Release (Angelos Borobokas); QA Release (Aoife Corrigan); QA Release (Cherie Mclaren); QA Release (Craig Stephens (Inherited)); QA Release (Francesco Intoccia); QA Release (Ivo Lakomy); QA Release (Karin Hofstetter); QA Release (Katie Wood); QA Release (Manuel Selvaggio); QA Release (Marion Jeffrey); QA Release (Neil Del Castillo); QA Release (Rosemary Hill); QA Release 1 (Aoife Corrigan); QA Release 1 (Cherie Mclaren); QA Release 1 (Craig Stephens (Inherited)); QA Release FAR Compliance (Margrit Waterval); QA Release FAR Release (Natalie Helfer); QA Release FAR Review (Fabienne Thoenen); QA Release IG/CYT (Silvia Schmutz); QA Release IGC Compliance (Dagmar Riffel); QA Release Process Engineering (Michael Zachner); QA Secondary (Daniel Powell); QA Systems (Christian Eggel); QA Systems (Connie Costanzo); QA Systems (Craig Stephens (Inherited)); QA Systems (Dina El-Emary); QA Systems (Lorenz Rindisbacher (Inherited)); QA Systems (Malte Kr√§mer); QA Systems (Maryanne Pashalis); QA Systems (Michel Baur (Inherited)); QA Systems (Nancy Phan); QA Systems (Nassima Wilson); QA Systems (Nina Klee); QA Systems (Simone Naruhn); QA Systems (Sue Ireland); QA Systems (Susanne Deyhle); QA Systems (Tony Smith); QA Technical Support (Amanda Cooper); QA Validation (Jeff Mihaichuk (Inherited)); QA Validation (Jeff Mihaichuk); QA Validation (Stephen R Grey); QA Validation - Site Expansion (Jeff Mihaichuk (Inherited)); QA Validation I (Jeff Mihaichuk (Inherited)); QA and Regulatory Affairs SI (Aldelberto Cordova); QAI Quality Albumin, Immunoglob., Plasma (Martin Krah); QAO Compliance (Dagmar Riffel); QAO Manufacturing (Ines Joachim); QAO Manufacturing (Natalie Helfer); QAO Release (Natalie Helfer); QAO Release (Silvia Schmutz); QAO Sustain & Improve (Stefan Kaelin); QBR FVIII & FIX QoF (Anja Beetz); QBR FVIII & FIX QoF (Anja Beetz-Kroll); QBR PWI QoF (Torsten Cyriax); QBR rekombinante Proteine QoF (Nancy Georgieff); QBS Rotational Program (Ulrich Schuerch); QC (Gillian McAdam); QC (Rebecca Gannon); QC - Chemistry (Anna Melia); QC - Chemistry (Anthony Pellegrini); QC - Chemistry (Jimmy Pajarillo); QC - Chemistry (Marie Neophytou); QC - Chemistry (Michael Streule); QC - Microbiology (Angie Fifis); QC - Microbiology (Claire Abson); QC - Microbiology (Denise Vella); QC - Microbiology (Dinesh Raj Methuku); QC - Microbiology (Dozie Okafor); QC - Microbiology (Elsie Everson); QC - Microbiology (Grace Luong (Inherited)); QC - Microbiology (Grace Luong); QC - Microbiology (Karthy Santhosh); QC - Microbiology (Maria Arulruban); QC - Microbiology (Marika Moore); QC - Microbiology (Maruthi Shivananda); QC - Microbiology (Patricia Hughes); QC - Microbiology (Tyson Parker); QC Analytical & Raw Materials (Nick Brendon); QC Analytical & Raw Materials (Victoria Fairclough); QC Analytical Services Manager (Andrea Prendergast); QC Bioassay (Adrian Gee); QC Bioassay (Victoria Fairclough); QC Chemistry (Jenny Staff); QC Chemistry (Robert Zanon); QC Chemistry (Ying Huang); QC Chemistry Team Leader (Niki Soteriadis); QC Chemistry Team Leader (Ying Huang); QC Compliance (Ignazio Lamonica); QC Compliance Support (Lisa Walters); QC Compliance and Improvement (Lisa Marie Malcharek); QC Immunochemistry (Andre Lamarque (Inherited)); QC Immunochemistry (Andre Lamarque); QC Immunochemistry (Caroline Abdul-hay); QC Immunochemistry (Fatima Bartils); QC Immunochemistry (Georgina McKay); QC Immunochemistry (Sean O''Keefe); QC Immunochemistry (Tahlor Robson (Inherited)); QC Immunochemistry (Tahlor Robson); QC Immunochemistry (Xiaowen Chin); QC Immunology (Melissa Damino); QC Immunology Team Leader (Anna Gruszka); QC Immunology Team Leader (Corina Zahra); QC Immunology Team Leader (Grace Huynh); QC Immunology Team Leader (Michelle Reckerman); QC Labs (Dawn Nagel); QC Micro Manager (Rita Simopoulos); QC Micro Team Leader (Dan Balod); QC Micro Team Leader (Prue Shanahan); QC Microbiology (Denise Vella); QC Microbiology (Georgia Ieronymakis); QC Microbiology (Maria Moeller); QC Microbiology (Nicola McDonald); QC Microbiology and Sterility Assurance (Dozie Okafor); QC PNS + Other Non-IVV Prod (Dan Balod); QC Projects (Hannah Kay); QC Projects (Stephen Pearson (Inherited)); QC Sample Logistics (Billy Patel); QC Stability (Victoria Mason (On Leave)); QC Stability (Victoria Mason); QC Stability (Victoria Wilson (On Leave)); QC Stability (Victoria Wilson); QC Stability Coordination (Jonathan Whitehead); QC Support (Andrea Prendergast); QC Support (Jennifer Chung); QC Support (Lucero Perdomo Cruz); QC Support (Philip Elliott (Inherited)); QC Support (Stephen Pearson); QC Support (Sushil Deswal); QC Support Systems (Jenny Higgins); QC Validation (Hayley Mackin); QC Validation (Jeff Hancock (Inherited)); QC-Microbiology (Anja Djordjevich); QC-Microbiology (Kah Wen Lee); QC-Microbiology (Tahlor Robson); QC/QA (Alex Hargreaves); QC/QA (Natalie Steele); QCP BRR (Verena Specowius); QCP QC Support & PTC/QCP, QFP (Mirko Altenkmper); QCP QC Support & PTC/QCP, QFP (Mirko Altenk√§mper); QFP Filling AQL (Lina Matschke); QFP Filling H69 QoF (Christoph Kalfack); QFP Filling H69 QoF (Ingo Kischka); QFP Filling M305 ABW (Sandra Benthin); QFP Filling M305 BRR/CC (Verena Specowius); QFP Filling M305 QoF (Stefan Paul); QGP Quality Coagulation (Jrgen Keitel); QGP Quality Coagulation (J√ºrgen Keitel); QM Production (Monika Christen); QM Production (Monika Krebs); QM Qualification & Validation (Bettina Vgerl); QM Qualification & Validation (Bettina V√∂gerl); QM Qualification (Gnter Fehlberg-Sternemann); QM Qualification (G√ºnter Fehlberg-Sternemann); QM Validation (Mickael Boegli); QMB ES (Samuel Mann); QMB Operations (Jonathan Imhof); QO / Aseptic (Michelle Hogg); QP/QA Product Release (Jocelyn Bryson); QPPV (Anna Rozmyslowicz); QPPV (Giovanni Furlan); QSP Quality Supply Chain & Packaging Op. (Sybille Bertram); QTH Quality Teilfertigung H69 (Guido Kagemann); QTM Quality Teilfertigung M305 (Murat Dalar (Inherited)); QTM Quality Teilfertigung M305 (Wolfgang List); QWI Inhibitors, Fibrinogen+Vaccines (Antonia Preidel); QoF Endfertigung (Christoph Croon); QoF Endfertigung (Jeanette Ludwig); Qualification (Angela Hamrock-Fox (Inherited)); Qualification (Angela Hamrock-Fox); Qualification (Annabel Wang); Qualification (Bozana Dujak); Qualification (Chris Richter); Qualification (Ilija Najdovski); Qualification (Jonathan Nixon); Qualification (Judith Kennedy); Qualification (Judith Youd); Qualification (Lorraine Murphy); Qualification (My Linh Ly); Qualification (Peter Carver); Qualification (Purush Devanathan); Qualification (Rainer Kraus); Qualification (Rolf Ingold (Inherited)); Qualification (Selda Yildiz Kaya) (Selda Yildiz Kaya); Qualification (Susan Clough); Qualification - Systems (Susan Clough); Qualification - systems (Darren Geary); Qualification System (Michael Kocher); Qualification System (Nadine Aeschbacher); Qualification System (Nadine Jost); Qualifizierung I Schwerpunkt Bulk (Michael Dospil); Qualifizierung II Schwerpunkt Teilfertigung (Michael Kuhn); Qualifizierung III Schwerpunkt Automatisierung (Lionel Guthneck); Qualifizierung IV Schwerpunkt Re-Qualifizierung (Ingo Kischka); Qualifizierung IV Schwerpunkt Re-Qualifizierung (Rainer Kutsch); Qualifizierung Lengnau (Thomas Cragnolini); Quality & Business Services (Karen Etchberger); Quality & Compliance UK (Jonathan Sheard); Quality & Med Svcs (Francesc Pont); Quality & Safety Management R&D (Dominik Blaser); Quality (Craig Stephens (Inherited)); Quality (David Atkinson); Quality (Ernest Shepard); Quality (Helmut Robert Euler); Quality (Jeffrey A Alcorn (Inherited)); Quality (Jill Allen); Quality (Jose Gonzalez (Inherited)); Quality (Kimberly E Lorenz); Quality (Mark Dickson); Quality (Matthew Donegan); Quality (Michelle Kelley); Quality (Robin A Mroz); Quality (Scott Overton); Quality (Vasilis Mavrogenis); Quality (Wei Wei ); Quality (Wei Wei ????); Quality (Yun Zhao (Inherited)); Quality (Yun Zhao ????); Quality 1 (David Atkinson); Quality Applications (Jason VanGils); Quality Assurance & Systems (Kelley L Hyatt); Quality Assurance (Anuja Prabhutendolkar); Quality Assurance (Connie Stewart); Quality Assurance (Ryo Ohnishi ??? ? - ???? ???? (Inherited)); Quality Assurance (Sanae Uchida (Inherited)); Quality Assurance Division (Ryo Ohnishi - ); Quality Assurance Division (Ryo Ohnishi ??? ? - ???? ????); Quality Assurance I (Connie Stewart); Quality Assurance II (Terry L Fritz); Quality Assurance Operations (Ivo Lakomy); Quality Assurance Projects Compliance (Craig Stephens (Inherited)); Quality Assurance Projects Compliance (Eoin Hanley); Quality Assurance System Group (Ryo Ohnishi ??? ? - ???? ???? (Inherited)); Quality Assurance System Group (Sanae Uchida (Inherited)); Quality Assurance Systems (Markus Schriewer); Quality Assurance, HS (Jonathan Kegerise); Quality Assurance, LVP (Gillian McAdam); Quality Assurance, PKV (Fiona Smith); Quality Assurance, PKV (Karen Netherton (Inherited)); Quality Bulk and Release QBR (Petra Hintz-Obertreis); Quality Chemistry (Cassie Norton); Quality Compliance (Sandra F Osborne); Quality Control (Juergen Liedtke); Quality Control (Leonora Pancho); Quality Control (Manuel Selvaggio); Quality Control (QC) (Dominik Stadler); Quality Control (QC) Ops Support (Brigitte Siani); Quality Control (Rene Bruegger); Quality Control Development (Andreas Affolter); Quality Control Services (Manuel Selvaggio (Inherited)); Quality Control Specialist (Andrea Chalker (Inherited)); Quality Control Specialist (Lakmini Croner); Quality Control Specialist (Linh Vo); Quality Control Support (Pascal Hulliger); Quality Control Support (QCS) (Christoph Wyss); Quality Control Team Leader (Andrea Chalker); Quality Control Team Leader (Chris O''Meara); Quality Control, LVP (Rebecca Gannon); Quality Control, LVP (Simon Harwood); Quality Controll Support QCS (Sebastian Klzer); Quality Controll Support QCS (Sebastian K√∂lzer); Quality Coordination ECI (Viviana Solange Fluxa Rojas); Quality Deviation & CAPA Management (Michael Rudolf); Quality Document Control (Michael Gough); Quality Enterprise Learning Management (Amy Love); Quality Filling H69 (Jens Huft); Quality Final Product QFP (Murat Dalar); Quality Global QA Technical Development (Monica Rose); Quality HS QA 3rd Party Manufacturing (Eric Blaesing); Quality HS QA Document Control (Aaron Ward); Quality HS QA Document Control (Cara Miller Kell); Quality HS QA Engineering & Validation (Petra Smith); Quality HS QA Fill Finish Expansion (Sarah Stearns); Quality HS QA Front Line (Laura Caldwell); Quality HS QA Front Line Days (1st Shift) (Laura Caldwell (Inherited)); Quality HS QA Front Line Days (1st Shift) (Nicholas Brown); Quality HS QA Front Line Incident Management (Dominic Greene); Quality HS QA Front Line Incident Management (Laura Caldwell (Inherited)); Quality HS QA Front Line Nights (2nd & 3rd Shift) (Karam Farhan); Quality HS QA Front Line Weekends (4th & 5th Shift) (Erminio Alesii); Quality HS QA Manufacturing (Stephenie Robertson); Quality HS QA Manufacturing Batch Release Bulk (Jennifer Deinarowicz); Quality HS QA Manufacturing Batch Release Fill Finish (Marianne Perelstein); Quality HS QA Manufacturing Batch Release (Amy Love); Quality HS QA Manufacturing Batch Release (Jonathan Kegerise (Inherited)); Quality HS QA Manufacturing Batch Release ¬ñ Bulk (Jennifer Deinarowicz); Quality HS QA Manufacturing Batch Release ¬ñ Fill Finish (Marianne Perelstein); Quality HS QA Manufacturing Batch Release-PTC (Troy Greene Jr); Quality HS QA Manufacturing Incident Management (Dominic Greene); Quality HS QA Manufacturing Shopfloor (Brian Leising); Quality HS QA Manufacturing Shopfloor (Jonathan Kegerise (Inherited)); Quality HS QA Manufacturing Shopfloor Bulk Days (Stephaine McMillan Eads); Quality HS QA Manufacturing Shopfloor Bulk Nights (Nicholas Alexander Brown); Quality HS QA Manufacturing Shopfloor FF Days (Elliott Tatum); Quality HS QA Manufacturing Shopfloor FF Days (Joseph A Marti); Quality HS QA Manufacturing Shopfloor FF Nights (Michael Mikolajczak); Quality HS QA Supplier & Third Party Management (Aaron Ward); Quality HS QA Supplier & Third Party Management (Jessica Mercer (Inherited)); Quality HS QA Systems & Compliance (Jessica Mercer); Quality HS QC Biochemistry (Geremy Knapp); Quality HS QC Biochemistry (Richard H Steere); Quality HS QC Chemistry (Gina Stick); Quality HS QC Chemistry (Raymond Otchere-Adjei); Quality HS QC Immunology (Geremy Knapp); Quality HS QC Logistics (Kelly Jenness); Quality HS QC Logistics (Laura Matulevich); Quality HS QC Microbiology (Liz Strickland); Quality HS QC Microbiology (Roland Jason Jacques); Quality HS QC Microbiology (Sarah Strickland); Quality HS QC Validation & Change (Jessica Loshia Gambill); Quality HS QC Virology (Geremy Knapp); Quality HS QC Virology (Geremy William Knapp); Quality HS Quality Control (Jessica Mercer); Quality HS Quality Control (Rebecca Gannon); Quality HS Quality Control (Stephen Case); Quality HS Training & Workforce Development (Jessica Mercer (Inherited)); Quality HS Training & Workforce Development (Jonathan Kegerise (Inherited)); Quality HS Validation (Amy Russell); Quality HS Validation (Brian Nunnally (Inherited)); Quality HS Validation Bulk & Warehouse (Mark Holland); Quality HS Validation Fill Finish, QC & FacOps (Amy Russell (Inherited)); Quality HS Validation Fill Finish, QC & FacOps (Amy Russell); Quality HS Validation Fill Finish, QC & FacOps (Megan Crandall); Quality HS Validation Process & Aseptic (Brian Nunnally (Inherited)); Quality HS Validation Process & Aseptic (Christopher Lee); Quality HS Validation Process & Aseptic (Matthew Franks); Quality Improvement (Marc Christeller); Quality Improvement (Sandra Soverna); Quality Italy (Annarita Cinardo); Quality Knowledge Management (Sarah S Lemons); Quality Lab (Russ Reeves); Quality Management (Adam Robb); Quality Management (Craig Stephens); Quality Management (Dina El-Emary); Quality Management (Jeffrey A Alcorn (Inherited)); Quality Management (Juergen Liedtke); Quality Management (Lorenz Rindisbacher); Quality Management (Michel Baur); Quality Management (Niklas Schier); Quality Management (Paul Martell); Quality Management (Philip Elliott); Quality Management (Reiner Laske); Quality Management (Reiner Laske, Niklas Schier); Quality Management (Susanne Jecklin); Quality Management 2 (Manuel Selvaggio); Quality Management E&S (Michael Kocher); Quality Management E&S (Rolf Ingold); Quality Management Engineering (Alexandra Rompf); Quality Management Strategy & Op Excellence (Collins Onyejese); Quality Management System (Eileen DiRita); Quality Management Systems (Justin Huss); Quality Operations (Carolyn M Koerner); Quality Operations, Liverpool (Karen Netherton); Quality R & D (Bradley Jackson); Quality R & D (Sharon Reinhard); Quality Review & Improvement Management (Uwe Dohmen); Quality Review Management & Trending (Uwe Dohmen); Quality Shared Services (Barbara Hicks); Quality Site Operations HS (Brian Nunnally); Quality Supply Chain US Distribution (Karen Marks (Inherited)); Quality Supply Chain US Distribution (Samantha Wentzell); Quality Supply Chain US Distribution (Stephanie Condi); Quality System Validations (Jeffrey Berry); Quality Systems & Compliance (Mai Viholm); Quality Systems & Compliance (William Cunningham); Quality Systems & Compliance Auditing & Inspections (Marcela Rojas); Quality Systems & Compliance Auditing & Inspections HS (Aaron Ward); Quality Systems & Compliance Auditing & Inspections LVP (William Cunningham); Quality Systems & Compliance Auditing & Inspections PKV (Marcela Rojas (Inherited)); Quality Systems & Compliance HS (Milka Smoljko (Inherited)); Quality Systems & Compliance QA IT (Anthony Pickering); Quality Systems & Compliance Shared Services (Sarah Lemons); Quality Systems & Compliance Shared Services EDMS (Robbie Gay); Quality Systems & Compliance Shared Services GLIMS (Helen Mihaljevic); Quality Systems & Compliance Shared Services LMS (Cara Miller Kell); Quality Systems & Compliance Supplier Management HS (Gina Stick); Quality Systems (Alan Cordero); Quality Systems (Brandi C Robinson); Quality Systems (Brandi Kennedy); Quality Systems (Karen M Cory); Quality Systems (Margaret A Clifton); Quality Systems (Michael Gough); Quality Systems (Micheal Casaus); Quality Systems (Michelle J Siegel); Quality Systems (William Cunningham (Inherited)); Quality Systems - Trackwise (Maggie Bradley); Quality Systems 1 (Kristen Gist); Quality Systems Boca (Micheal Casaus); Quality Systems I (Alan Cordero); Quality Systems II (Michelle J Siegel); Quality Systems IT (Nicole Nolan); Quality Systems IT (Tim Jones (Inherited)); Quality Systems Management I (Sigrid Streichert); Quality Systems and Standards (Sophie Chairs); Quality Systems and Standards (Vicky Lioutas); Quality Validation (Rudolf Beutler); Quality and Compliance (Harumi Ishizuka); Quality and Standards (Shinya Takagawa); Quality system (Eric Li ?????); R&D (Russell Basser); R&D - Albumin/Immunoglobulin (Joseph Bertolini); R&D - Albumin/Immunoglobulin (Karl McCann); R&D - Albumin/Immunoglobulin (Robert Forrest); R&D - Albumin/Immunoglobulin (Vladimir Gurevich); R&D - Haemostasis (Ayse Kara); R&D - Haemostasis (Hung Pham); R&D - Haemostasis (Kathryn Scott); R&D - Haemostasis (Kelly Lo Presti); R&D - Haemostasis (Maria Panayi); R&D - Haemostasis (Norm Mancuso (Inherited)); R&D - Haemostasis (Norm Mancuso); R&D - Haemostasis (Vladimir Gurevich); R&D - Haemostasis (Yvette Citrine); R&D - Management (Germano Coppola); R&D - Technical Operations (Robert Forrest); R&D - Technical Operations Senior Scientist (FRIEDA FEHR); R&D - Technical Operations Senior Scientist (Mary Alaveras); R&D - Virology (Connie Broumis); R&D - Virology (Rachael Ross); R&D - Virology (Randel Fang (Inherited)); R&D - Virology (Randel Fang); R&D - Virology (Randel Fang) (Randel Fang); R&D - Virology (Trudi Wentzel); R&D Bioanalytics BMW (Sue Amatayakul-Chantler); R&D Biostatistics & Data Management AUS (Vince Matassa); R&D Biostatistics & Data Management US (Hongyu Liu); R&D Biostatistics Programming (Daphne Ewing); R&D Breakthrough Technologies BMW (Germano Coppola (Inherited)); R&D Breakthrough Technologies BMW (Joseph Bertolini); R&D Breakthrough Technologies BMW (Viv Louzado); R&D Business Operations (Christian DiDio); R&D CMC & Compliance (Chaaya Ganorkar); R&D CMC & Compliance (Michele Fischer Heintz (Inherited)); R&D CMC & Compliance (Wendy Su); R&D Cell Based Influenza Vaccines (Brett Ashley Leav); R&D Cell Based Influenza Vaccines (Brett Leav); R&D Cell Based Influenza Vaccines (Deborah Molrine); R&D Clinical Business Operations (Christian DiDio); R&D Clinical Compliance & Training (Roberta Duncan (Inherited)); R&D Clinical Development (Jonathan Edelman); R&D Clinical Development, BOSS-CC (Roberta Duncan); R&D Clinical Operations (Veronica Suarez (Inherited)); R&D Clinical Operations Pandemic (Mary Smith); R&D Clinical Operations Pandemic (Mirjam van Huffelen (On Leave)); R&D Clinical Operations Pandemic (Mirjam van Huffelen); R&D Clinical Operations Seasonal (Olivia Crayne); R&D Clinical Safety & Pharmacovigilance (James Milligan); R&D Clinical Safety & Pharmacovigilance (Russell Basser); R&D Clinical Safety & Pharmacovigilance (Sylvie Tomczyk); R&D Clinical Vaccine Management & Serology (Francesco Bedani); R&D Data Management, Coding & Standards (Renate Verbeeten - van Hoof); R&D Data Management, Coding & Standards (Renate Verbeeten-van Hoof); R&D Development Liverpool (April Sena); R&D Epidemiology (Mendel Haag); R&D Finance (Eleanor McQuisten); R&D Finance (Emma Walsh); R&D Formulation & Delivery (HUI LIU); R&D Formulation & Delivery (Hui Liu); R&D Global CMC Standards & Harmonisation (Rima Youil); R&D Global CMC and Compliance (Michele Fischer Heintz); R&D Global CMC and Compliance (Michele Heintz); R&D Global Medical Affairs (Gregg Coveney Sylvester); R&D Global Medical Affairs (Gregg Sylvester); R&D Global Strategic Labelling (Helen Cowdery); R&D Human Resources (Andrea Resch (Inherited)); R&D Human Resources (Kimberly Golden); R&D Human Resources (Paula Foord); R&D Human Resources MBR (Andrea Resch); R&D IT Solutions (John Cornelius); R&D Immunology (Gillis Otten); R&D Immunology (Gillis Robert Otten); R&D Influenza Vaccines Pandemic (Matthew Hohenboken); R&D Influenza Vaccines Seasonal (Esther Heijnen); R&D Influenza Vaccines Seasonal (Igor Smolenov); R&D Influenza Vaccines Seasonal (Jonathan Edelman (Inherited)); R&D JAPAN (Haruo Kitado); R&D Licensing (Andrea Huggins); R&D Medical Affairs, Americas (Ashesh Gandhi); R&D Medical Affairs, Americas (Ashesh J Gandhi); R&D Medical Affairs, Canada (Ashesh Gandhi (Inherited)); R&D Medical Affairs, Europe (Sankarasubramanian Rajaram); R&D Medical Affairs, Influenza (Karita Ambrose); R&D Medical Affairs, Rapivab (Daniele Gelone); R&D Medical Communications, US (Nancy Dougherty); R&D Medical Science Liaison Canada (James Mansi); R&D Microbial & Molecular Biology (Pirada Suphaphiphat); R&D Operations - Influenza (Denis Thomas); R&D Operations - Influenza (Lynda Allan); R&D PM Leadership (Nancy Fetrow); R&D PV Compliance & Excellence (Liz Pound); R&D Pharmacovigilance Operations (Jefferson Guillon); R&D Pharmacovigilance Operations (Lynn Gabb); R&D Pharmacovigilance Operations (Sylvie Tomczyk (Inherited)); R&D Pharmacovigilance and Risk Management (Maria Maddalena Lino); R&D Process Development BMW (Karl McCann); R&D Process Development BMW (Per Hansen); R&D Process Science Liverpool (Kulwinder Banger); R&D Project Management (Julie Waterbury); R&D Project Management - BRN (Michael Exner); R&D Project Management Development Projects (Nancy Fetrow); R&D Project Management Qvax, Patch, Research (Heather Davis (Inherited)); R&D Project Operations (David Leacy); R&D Protein Biochemistry (Changkeun Lee); R&D Protein Biochemistry (Yingxia Wen); R&D QA Systems (Karen Gard''ner (Inherited)); R&D QA Systems (Liz Pound); R&D QA Systems (Sarah S Lemons); R&D Quality (Karen Gard''ner); R&D Quality (Kendra Bossio); R&D Quality Management (Georgina Dimovski); R&D Quality Management (Jackie Desengano); R&D Quality Management (Jonathan Wooley); R&D Quality Management (Malcolm Tipping); R&D Quality Management (Mandy Jergovic); R&D Quality Management (Mary Nasopoulos); R&D Quality Management (Matthew Dickie); R&D Quality Management (Vicky Lioutas); R&D Quality Management Kankakee (Chris Lubben); R&D Quality Management Marburg (Ariane Korzen); R&D Quality Management Marburg (Ingo Brand); R&D Quality Marburg 1 (Rainer Kufka); R&D Regulatory Affairs (Susan Cameron-Laxton); R&D Regulatory Affairs Adjuvents (Hs-yen Liu); R&D Regulatory Affairs Adjuvents (Hs√º-yen Liu); R&D Regulatory Affairs Seasonal EMEA (Dalila Dolfi); R&D Regulatory Affairs US Cell-Based Products (Yael Johnson); R&D Regulatory Affairs US Pandemic (Natasha Getz); R&D Regulatory Affairs, EMEA (Monica Pagni); R&D Regulatory Affairs-US (Debbie DeMuria); R&D Regulatory Affairs-US (Kevin Darryl White); R&D Regulatory Affairs-US (Susan Cameron-Laxton (Inherited)); R&D Regulatory Affairs-US -Cambridge (Peggy Charpie); R&D Research (Ethan Settembre); R&D Research Executive Admin-Cambridge (Jane Davis); R&D Research Strategy & Operations (Rebecca Servais); R&D Serology (Giuseppe Palladino); R&D Site Management & Monitoring US/EU (Veronica Suarez (Inherited)); R&D Statistics & Data Management (Leah Isakov); R&D TD Analytical Process Testing (Tanya Riggins Clemmer); R&D TD Analytical & Drug Product Development (Dan Speelman); R&D TD Analytical (Ying Zhang); R&D TD Analytical Biochemistry (Tanya Clemmer); R&D TD Analytical Biophysical (Jiang Qian); R&D TD Analytical Cell & Molecular (Prakash Koodathingal); R&D TD Analytical Immunoanalytics (Jesse Bodle); R&D TD Analytical Immunoanalytics (Kiki Vukanovska); R&D TD Analytical Method Development I (Bryan E Hart); R&D TD Analytical Method Development I (Bryan Hart); R&D TD Analytical Method Development II (Dan Speelman); R&D TD Analytical Process (Lan Feng); R&D TD Analytical Process Testing (Tanya Clemmer); R&D TD Analytical Process Testing (Tanya Riggins Clemmer); R&D TD Analytical Separation Science (Prakash Koodathingal (Inherited)); R&D TD BPD Drug Product (Lan Feng); R&D TD BPD Product Expertise (Rochelle Bazemore); R&D TD BPD Project Management & Lab Operations (Perciliz Ahern); R&D TD BPD Purification Development (Christopher Dadd); R&D TD BPD Purification Development I (Debbie Lydiard); R&D TD BPD Upstream (Ryan Thurston); R&D TD BPD Upstream Cell Culture Development (Leslie McSweeney); R&D TD Biologics Process Design (Keith Kulowiec); R&D TD Clinical Trial Manufacturing (Keith Kulowiec (Inherited)); R&D TD Downstream Labs (Debra Lydiard); R&D TD Product Expertise (Rochelle Bazemore); R&D TD Project Manager (Lourdes Barnes); R&D TD Project Manager (Perciliz Ahern); R&D TD Purification Development (Christopher Dadd); R&D TD Purification Development HS (Christopher Dadd (Inherited)); R&D TD Purification Development HS (Debbie Lydiard); R&D TD Purification Development HS (Debra Lydiard); R&D TD Purification Development HS (Matthew Brian Smith); R&D TD Technical and Business Services (Katherine Whitley); R&D TD Technical and Business Services (Keith Kulowiec (Inherited)); R&D TD VICE Core Virology (Christine Wadey); R&D TD VICE Core Virology Holly Springs (Christopher Gully); R&D TD VICE Core Virology Holly Springs Commercial (Charles McGee); R&D TD VICE Core Virology Parkville Seed Development (Brad Dickson); R&D TD VICE Core Virology Parkville Seed Development (Lynda Allan); R&D TD VICE Molecular Virology (Catherine Agius); R&D TD VICE Molecular Virology (Chi Ong); R&D TD VICE Molecular Virology Hybridoma & Microscopy (Erin Verity); R&D TD VICE Molecular Virology Hybridoma (Kirsten Vandenberg); R&D TD VICE Molecular Virology Microscopy (Stephen Asquith); R&D TD Virology & Cell Culture (Avishek Nandi); R&D TD Virology & Cell Culture (Ryan Thurston); R&D TD Virology & Cell Culture Sub-Group II (Gwen Truong-Royce); R&D TD Virology & Cell Culture Sub-Group II (Ryan Thurston (Inherited)); R&D TD Virology & Cell Culture Sub-Group III (Leslie McSweeney); R&D TD Virology & Cell Line Sub-Group I (Christopher Gully); R&D TD Virology & Cell Line Sub-Group I (Christopher Patrick Gully); R&D TD Virology & Immunology (Steven Rockman); R&D Technical Development (Ambarish Shah); R&D Technical Development (Russell Basser (Inherited)); R&D Technical Development (Russell Basser); R&D Technical Development (Scot Shepard); R&D Technical Development, Analytical & Drug Product Development (YING ZHANG); R&D Technical Development, Analytical & Drug Product Development (Ying Zhang); R&D Technical Development, Holly Springs (Keith Kulowiec); R&D Technical Development- Holly Springs (April Sena); R&D Technical Operations BMW (Germano Coppola (Inherited)); R&D Technical Operations BMW (Norm Mancuso); R&D Technology Transfer Marburg (Falk Weihmann); R&D Toxicology (Ethan Settembre (Inherited)); R&D Transplant TA (Laurie Lee); R&D and Capital Controlling (Stephan Ludovici); R&D eClinical Technology (John Edward Cornelius); R&D/ G&A Business Partners (Ken Lim (Inherited)); RA CMC & Compliance (Ana Moisidis); RA CMC & Compliance (Pete Campbell); RA CMC & Compliance (Sahra Zanetti); RA CMC Liverpool (Joanne Beighton); RA, China (Jeep Wang ????); RCB MBR Central Lab (Annette Feussner); RCB MBR Central Lab (Helene Lang); RCB MBR Central Lab (Maria Hauswald); RE Services (Dianne Leppanen); REC 1 (Marco Hofmann); REC 2 (Philipp Claar); REC 3 (Holger Lind); REC Gene Therapy (Bala Sai Sundarasetty); REI Europe (Samuel Hou); RI Research & Innovation (Thomas Nowak); RI ¬ñ Research & Innovation (Thomas Nowak); RPL PTI (Hans Raess); RSO, RQO and RA Emerging Markets (Dirk Hoheisel (Inherited)); Racine 065 (Carl L Hutton); Racine 065 ACM Area 1 (Nicole Robinson); Racine 065 ACM Area 2 (Lemina Billups); Racine 065 QA (Megan E Hoffman); Racine 065 QA (Megan Hoffman); Rainbow City 275 (Devyn Bryant); Rainbow City 275 ACM Area 1 (Sacashla Hampton); Rainbow City 275 ACM Area 2 (Ladricka Weatherspoon); Rainbow City 275 QA (Malcolm-Bryce Richbourg); Raleigh 231 (Derek Erhart (Inherited)); Raleigh 231 (Nathan Farcasin); Raleigh 231 ACM Area 1 (Joseph Jackson); Raleigh 231 ACM Area 2 (Deanna Anderson); Raleigh 231 QA (Braxton Summers); Rapid City 288 (Brendon Sato); Rapid City 288 ACM Area 1 (Brendon Sato); Rapid City 288 ACM Area 1 (Marc Sipma); Rapid City 288 ACM Area 2 (April Miller); Rapid City 288 QA (Buck Schiley); Raw Material Acceptance Chemistry (Michelle Reckerman); Raw Material Contro/lMonitoring (Dominic Wuest); Raw Material Control/Monitoring (Dominic Wuest); Raw Material Control/Monitoring 2 (Katrin Becker); Reception / Alarmsystem (Claudia Pereira-Buehler); Recombinant Coagulation R&D Manufacture (Steven Honey (Inherited)); Recombinant Operations Support (Vicky Pirzas (Inherited)); Recombinant Portfolio Team LGN (OLGA SARNOWSKA); Recombinant Portfolio Team MBR (Anne-Regine Herboth); Recombinant Product Development (Anthony Stowers); Recombinant Product Development, Marburg (Richard Alldread); Recombinant Product Development, Marburg R&D Operation and Services (Christian Schlachtbauer); Recombinant Product Development, Marburg Vector Development (Holger Laux); Recombinant Product Development-Pasadena (Andreas Gille); Recombinant Technologies Marburg (Peter Schmidt); Records & Reporting (Boris Kaiser (Inherited)); Records & Reporting (Caroline Roost); Records & Reporting (Ivan Poffet); Region 9 New Center Operations & Support (Amanda L Kitchen); Regional Demand Planning Europe (Lukas Limbach); Regional HR Ops AUS (Clare McCann); Regional HR Ops AUS (Miya Chiba); Regional HR Ops Americas (Mark Hickenbottom (Inherited)); Regional HR Ops Americas (Rita Gross); Regional HR Ops EMEA (Stephan Schufele); Regional HR Ops EMEA (Stephan Sch√§ufele); Regional HR Ops Europe (Stephan Sch√§ufele); Regional Head Americas (Kristin McCarthy); Regional Head Clinical Operations (Jacqui Cumming); Regional Head EU APAC (Mimi Ermens); Regional Innovation Operations (Carmon Kieffer); Regional Labeling (Barbara Peruche); Regional Labeling EU (Katrin Rdiger); Regional Labeling EU (Katrin R√ºdiger); Regional Labeling EU-INT (Katrin R√ºdiger); Regional Labeling INT (Irina Sviriaeva); Regional Labeling Lead, North America (Maricarmen Dilone-Raposo); Regional Medical Affairs Operations Manager (Andrew Stork); Regional Medical Affairs Operations Manager (Rosanda Buljubasic); Regional Procurement (Lucas Jinnette); Regional Quality Support for Eastern and Central Intercontinental Commercial Operations (Jonathan Imhof); Regional Safety Officer - ECI (Marta Puente); Regional Sales 1 (Fernando Marcos V Leony); Regional Sales 2 (Rafael Esteves); Regional Sales 3 (Claudia Bueno); Regional Sales Immunology & Respiratory (Heinrich Feischen); Regional Sales Mitte Hospital (Holger Milkereit); Regional Sales Office Berlin (Bernhard Czapla); Regional Sales Office Berlin (Claudia Bachmann); Regional Sales Office Bochum (Heinrich Feischen); Regional Sales Office Frankfurt (Holger Milkereit); Regional Sales Office Hannover (Michael Bernd Rode); Regional Sales Office Munich (Susanne Mller); Regional Sales Office Munich (Susanne M√∂ller); Regional Sales Office Ost Hospital (Frank Buttchereit); Regional Sales Office West Hospital (Ralf Kosmol); Regional Sales Ost Immunology & Respiratory (Claudia Bachmann); Regional Study Management, Americas (Danielle Dalton (Inherited)); Regional Study Management, Americas (Ross Watson (Inherited)); Regional Study Management-Americas (Ross Watson (Inherited)); Regional Supplier Qlty - Bern (Peter Stettler); Regional Supplier Qlty - Kankakee (Elizabeth Queiro); Regulat. Coordination Russia & CIS (Vsevolod Nikolaev); Regulat.-, Quality- & Safety Coord.EEMEA (Camilla Shen (Inherited)); Regulat.-, Quality- & Safety Coord.EEMEA (Christine Danila); Regulation Intelligence, Knowledge and Training (Sara Mesiano); Regulation, Training & Knowledge Sharing (Vicky Gakias); Regulatory (Haruo Kitado (Inherited)); Regulatory (Satoshi Koike - ); Regulatory (Satoshi Koike ??? ? - ??? ????); Regulatory Affairs & Lab Operations (Jon Knowles); Regulatory Affairs (Doris Friedl); Regulatory Affairs (Jane Wang ????); Regulatory Affairs (Joyce P Castaneda); Regulatory Affairs (Kate Burke); Regulatory Affairs AU/NZ Dev Prod BMW (Kellie Hooley); Regulatory Affairs AU/NZ (Gosia Kupczyk); Regulatory Affairs AU/NZ (Neama Baho); Regulatory Affairs AU/NZ Dev Prod BMW (Kellie Hooley); Regulatory Affairs Asia (Queenie Ho); Regulatory Affairs Benelux (Patrick Reygaert (Inherited)); Regulatory Affairs Benelux (Roel Mallants); Regulatory Affairs France (Christine Roche [C]); Regulatory Affairs France (Laurence Vidal); Regulatory Affairs Greece (Penelope Terentiou); Regulatory Affairs Italy (Roberto DeBenedetto); Regulatory Affairs MEA (Haydi Ibrahim); Regulatory Affairs Mgr Global Labelling Ops (Laura Vanzan); Regulatory Affairs Nordic (Elin Wobbeking); Regulatory Affairs Nordic (Ulf Hultquist (Inherited)); Regulatory Affairs Spain (Julian Fierro); Regulatory Affairs UK (Helen Watts); Regulatory Coordination Africa & EEU (S√©verine Caillet); Regulatory Coordination GLAD (Sverine Caillet); Regulatory Coordination GLAD (S√©verine Caillet); Regulatory Intelligence & Policy (Bettina Doepner); Regulatory Operations, Compliance and Business Excellence (Valeria Graffeo); Regulatory Operations, Compliance and Business Excellence - HS (Detra Bullock); Regulatory Reg. Lead NA EP (Baldevsinh Rana (Inherited)); Release Bulk & Filling (Joachim Leiss); Release FRAKT/ALB/Rho (Christine Peter); Release IG/CYT (Ines Joachim); Reno 502 (Susan Gonzalez); Reno 502 ACM Area 1 (Dwayne Majette); Reno 502 ACM Area 2 (Lauren Clapham); Reno 502 QA (Chermaene Mathis); Reporting & Planning (Konstantin Petropoulos (Inherited)); Reporting A-IFRS & German GAAP, Taxes (Angelika Godosar); Requalification & Stability (Angela Hamrock-Fox); Requalification & Stability (Ilija Najdovski); Requalification & Stability (Judith Kennedy); Research; Research & Clinical Bioanalytics (Bradley Sedgmen); Research & Clinical Bioanalytics (Kirstee Martin); Research & Clinical Bioanalytics (Marit Lichtfuss); Research & Clinical Bioanalytics (Meaghan FitzPatrick); Research & Development (Douglas Lee); Research & Development Bern (Liane Hoefferer); Research & Development Bern (Nathan Roth); Research & Development II (Norbert Schulze); Research (Adele Barr); Research (Adrian Zuercher (Inherited)); Research (Adriana Baz Morelli); Research (Alexander Karnowski); Research (Anabel Silva); Research (Andrew Hammet); Research (Andrew Nash); Research (Anne Verhagen (Inherited)); Research (Anne Verhagen); Research (Arna Andrews); Research (Brodie Miles); Research (Catherine Owczarek); Research (Chao-guang Chen (Inherited)); Research (Chao-guang Chen); Research (Con Panousis); Research (Eugene Maraskovsky); Research (Glenn Powers); Research (Greg Bass); Research (Hadi Lioe); Research (Helen Cao); Research (Ian Campbell); Research (Ineke Muir); Research (Ingela Vikstrom); Research (Ingrid Lonnstedt); Research (JANE ARTHUR); Research (Jason Simmonds); Research (Jenny Chia (On Leave)); Research (Jenny Chia); Research (Judith Field); Research (KOLJA SCHAALE); Research (Katherine Monaghan (On Leave)); Research (Katherine Monaghan); Research (Kerstin Emmrich); Research (Kirsten Edwards); Research (Larissa Provan); Research (Lidija Turkovic); Research (Mae-Xhum Wong); Research (Marco Weinberg); Research (Mark Biondo); Research (Mark Liddament (Inherited)); Research (Mark Liddament); Research (Martin Pearse); Research (Matthias Pelzing); Research (Mhairi Maxwell); Research (Michael Wilson (Inherited)); Research (Michael Wilson); Research (Michael Yan); Research (Milica Ng (Inherited)); Research (Milica Ng); Research (Natasha Pereira); Research (Nick Wilson); Research (Peter Schmidt); Research (Pierre Scotney); Research (Pino Maccarone); Research (RAJESH GHAI); Research (Rebecca Butcher); Research (Sabine Rauth); Research (Sandro Prato); Research (Saw Yen Ow); Research (Shirley Taylor); Research (Srikanth Budnar); Research (Steven Dower (Inherited)); Research (Steven Dower); Research (Steven Lee); Research (Victor Turnbull); Research (Walid Azar); Research (Wei Hong Toh); Research 1 (Hannah Chu); Research 1 (Mihee Kim); Research Bern (Adrian Zuercher); Research Bern Platforms (Christoph R√∂sli); Research Bio21 (Michael Wilson); Research Data Science (Milica Ng); Research I () (Wenting Zhao); Research I (Chao-guang Chen); Research II (Victor Turnbull); Research III (Mark Liddament); Research IV (Marco Weinberg); Research Innovation (Marthe D''Ombrain); Research Marburg (Thomas Weimer); Research Marburg Diverse (Thomas Weimer (Inherited)); Research Scientist - Bioinformatics (Monther Alhamdoosh); Research Therapeutic Area (Eugene Maraskovsky); Research and Clinical Bioanalytics (Allison Dyson); Research and Clinical Bioanalytics (Andreas Gille); Research and Clinical Bioanalytics (Anthony Roberts); Research and Clinical Bioanalytics (Elena Velkoska); Research and Clinical Bioanalytics (Kirstee Martin (Inherited)); Research and Clinical Bioanalytics (Kirstee Martin); Research and Clinical Bioanalytics (Roslyn Davis); Research and Clinical Bioanalytics (Tim Green); Research and Clinical Bioanalytics 1 (Lisa Lindqvist); Research and Development, China (Zak Huang); Research and Laboratory (Andrew Isaac); Research,Therapeutic Area C&M (Bronwyn Kingwell); Resp. Apprentices Bio Lab Techn. (Wim Etter); Respiratory TA (Heike Thiele); Results & Analysis (Jonathan Matty); Results & Analysis (Kenneth Walsh); Results & Analysis I (Jonathan Matty); Results & Analysis II (Jonathan Matty); Review IG/CYT (Armin St√∂cklin); Review IG/CYT (Thomas Kilchoer); Rhophylac (Andrea Stauffiger Eggli); Rhophylac Bulkmanufacturing (Andr Wegmueller); Rhophylac Bulkmanufacturing (Andr√© Wegmueller); Rhophylac Bulkmanufacturing 2 (Reto Stucki); Rialto 507 (Robert Ellison III); Rialto 507 QA (Derek Erhart (Inherited)); Risk & Mitigation Management (Malte Krmer); Risk & Mitigation Management (Malte Kr√§mer (Inherited)); Risk & Mitigation Management (Malte Kr√§mer); Risk & Project Management (Uli Kiefer); Riverside 299 (Iiemmaue Morgan); Riverside 299 QA (Anne Tran); Riviera Beach 115 (Martel Carter); Riviera Beach 115 (Nakia J Harlan); Riviera Beach 115 (Nedra N Braden); Riviera Beach 115 ACM Area 1 (Ethan Johnson); Riviera Beach 115 ACM Area 2 (JASON TRUMBACH); Riviera Beach 115 QA (Bill Angelucci); Riviera Beach 115 QA (Stalmore Duncan); Rochester 232 (Kay Schwartz); Rochester 232 (Lin Macaluso); Rochester 232 ACM Area 1 (Marissa Peterson); Rochester 232 ACM Area 2 (Michelle Draper); Rochester 232 ACM Area 2 (Michelle Horan); Rochester 232 QA (K.C. McCaffery); Rochester 232 QA (Karen Weatherston); Rock Hill 130 (Damon Lehr); Rock Hill 130 (Nicole M Adams); Rock Hill 130 ACM Area 1 (Ashley Pinckney); Rock Hill 130 ACM Area 2 (Brittney Joiner); Rock Hill 130 QA (Bianca M Brunson); Rock Hill 130 QA (Damon Lehr); Rock Island 426 (Josh Buzzell); Rock Island 426 ACM Area 1 (Chandler J Johnson); Rock Island 426 ACM Area 2 (James Rathmann); Rock Island 426 QA (Jennifer D Anthony); Rockford 200 (Kristi Davis); Rockford 200 (Sherylene A Lloyd); Rockford 200 ACM Area 1 (Kristi Davis (Inherited)); Rockford 200 ACM Area 1 (Kristy Carlson); Rockford 200 ACM Area 2 (Paul Crawford); Rockford 200 QA (Amanda Sawlsville); Rome 298 (Marida L Bivens); Rome 298 ACM Area 1 (Salvador Reyes); Rome 298 ACM Area 2 (Matt Comfort); Rome 298 QA (Samantha D Beach); Rome 298 QA (Stephanie D Shah (Inherited)); Roseville 077 (Charles LaVell Jacobs); Roseville 077 (Kourtney Davis); Roseville 077 ACM Area 1 (Charles LaVell Jacobs (Inherited)); Roseville 077 ACM Area 1 (Porsche M Goldsmith); Roseville 077 ACM Area 2 (Natalie King); Roseville 077 QA (Kayla D Lindley); Roseville 077 QA (Nichole M Clay (On Leave)); Roseville 077 QA (Nichole M Clay); Routine Systems (Martene Bond); Ruide Wuhan EHS&S (zcan Campinar); Ruide Wuhan Production (√ñzcan Campinar); Russia & CIS (Maria A Lituchaya); SAP Business Processes (Maike Pollaschek (Inherited)); SAP Business Processes (Maike Pollaschek); SAP Competency Center (Helen Baker); SAP Competency Center (Jonathan Turner); SAP Extended Warehouse Management (Riju Varghese); SAP Finance team (Jonathan Young); SAP Manufacturing Support Team (Manohar Venkataraman); SAP Master Data (Paul Aberson); SAP Quality / Logistics Team (Helen Baker (Inherited)); SAP Quality / Logistics Team (Matthew Gordon); SAP Service and Release (Martin Eldred); SAP Solution Center Bern (Mourad Boulanouar); SAP System Admin (John McCorry); SI Manufacturing (Jason Vaughn); SI Manufacturing (Samuel Jackson); SI Validation (Michael Donley); SI Validation (Robert Musgrave); STA Gruppe I (Claudia Schwab); STA Gruppe I (Stefanie Grafmller); STA Gruppe I (Stefanie Grafm√ºller); STA Gruppe II; STA Gruppe II (Susan Blaser); STA Stability (Manuel Wohde); STA Stability 2 (Barbara Gmann); STA Stability 2 (Barbara G√∂√ümann); STA Stability 3 (Gernot Kissel); STA Stability 4 (Svenja Nieba); STA Stability 5 (Milosz Krala); STA Stability 6 (Oliver Kupski); STA Stabilit√§t, QFP (Annette R√∂hrenbeck); STA Stabilit√§t, QFP (Barbara G√∂√ümann); STA Stabilit√§t, QFP (Christian Sinnen); STA Stabilit√§t, QFP (Gernot Kissel); STA Stabilit√§t, QFP (Julia Kufka); STA Stabilit√§t, QFP (Manuel Wohde); STA Stabilit√§t, QFP (Svenja Nieba); Safety (Alexandra Nogal); Safety (Allan Wise (Inherited)); Safety (Chris Meeks); Safety (Rolf Ingold); Safety (Steven Hull); Safety Risk Management (Max Waschbusch); Safety Risk Management (Pradeep Kumar Sahu); Safety Risk Management (Susan Welsh (Inherited)); Safety Risk Mgt (Alison Graves Jones); Safety Risk Mgt (Astrid Schneider); Safety Risk Mgt (Daphne Sawlwin); Safety Risk Mgt (Gabriele Neumann); Safety Risk Mgt (Joseph Whitten); Safety Risk Mgt (Kristy Van Dinther); Safety Risk Mgt 1.0 (Gabriele Neumann); Safety Risk Mgt 2.0 (Beate Greene); Safety Sciences (Haley Kaplowitz); Safety Systems Projects (JANET AUERBACH); Safety ¬ñ EU/APAC (J√ºrgen Kanand); Saginaw 169 (Amy Railling); Saginaw 169 (Ashley M Jamieson (Inherited)); Saginaw 169 (LC Davis); Saginaw 169 (Latosha Y Floyd (Inherited)); Saginaw 169 ACM Area 1 (TAYLOR GOODWINE (On Leave)); Saginaw 169 ACM Area 1 (TAYLOR GOODWINE); Saginaw 169 ACM Area 2 (Scott Walker); Saginaw 169 QA (Nicole Naji); Saginaw 282 (DaWanna Smith); Saginaw 282 ACM Area 1 (Genesha Curry); Saginaw 282 ACM Area 2 (Andrea Bragg); Saginaw 282 QA (Darren Hall); Salem 221 (Cory Vierck); Salem 221 (Paige N Zafran); Salem 221 (Timothy Freeland Jr (Inherited)); Salem 221 ACM Area 1 (Brandon D Biery); Salem 221 ACM Area 2 (Edward Baye); Salem 221 QA (Rachel R Maddox); Salem 221 QA (Timothy Freeland Jr (Inherited)); Sales & Marketing (Andrea Bennett); Sales & Marketing (Joe Dempsey); Sales & Marketing (Kaye Nolan); Sales & Marketing (Kirsten Comer); Sales & Marketing (Tanja Wells); Sales & Marketing Turkey (Ahmet Can Kalenderoglu); Sales & Private Accounts & Tender Office (Franco Gatta); Sales & Private Accounts & Tender Office (Massimo Leoni (Inherited)); Sales & Private Accounts & Tender Office (Massimo Leoni); Sales (Beata Szymanska-Czyz); Sales (Jorge L Gast√©lum (Inherited)); Sales (Jorge Marco); Sales (Markus Wenninger); Sales (Saul Ortiz Carrillo); Sales (Virgile Grosjean); Sales - CSL Behring Taiwan (Frank Ko ); Sales - CSL Behring Taiwan (Frank Ko ?????); Sales 2 (Claudia Sanchez); Sales 3 (Gema Gonzalez); Sales Benelux IG & CC (Marijke Maes); Sales Benelux IG & CC (Philip Vandromme); Sales Denmark / IC (Mette Toft Jacobsen); Sales Division (Izumi Yoshida ??? ??? - ??? ????); Sales Division (Toshio Nagata); Sales Division CAB Central Japan Area (Yoshifumi Umenaka); Sales Division CAB East Japan Area (Takahiro Tsuruta); Sales Division CAB West Japan Area (Akihiro Enomoto); Sales Division Critical Care & Acquired Bleeding T.A. (Hiroyoshi Iwamoto); Sales Division HEM East Japan Area (Atsuhiko Arikata); Sales Division HEM Kansai & Chubu Area (Shinichi Kano); Sales Division HEM Shutoken Area (Takayuki Takigawa); Sales Division HEM West Japan Area (Taisuke Miyakoshi); Sales Division Hemophilia TA (Hideki Yanagihashi ??? ?? - ????? ????); Sales Division Hemophilia TA (Takayuki Ishii); Sales Division IRD Central Japan Area (Takayuki Azuma); Sales Division IRD East Japan Area (Madoka Yamamoto); Sales Division IRD Kansai & Hokuriku Area (Takahiro Miura); Sales Division IRD Shutoken Area (Hironori Fujioka - ); Sales Division IRD Shutoken Area (Hironori Fujioka ??? ?? - ???? ?????); Sales Division IRD West Japan Area (Hiroki Nagayasu); Sales Division Immunology & Rare Diseases T.A. (Naoki Ikeguchi); Sales Division Kcentra Team (Tomokazu Shiroza); Sales Division SID T.A. Ig/Hematology Group (Izumi Yoshida ??? ??? - ??? ????); Sales Division SID T.A. Ig/Hematology Group (Kenichiro Yamaguchi - ); Sales Division Sales Planning & Wholesaler Management (Hideki Yanagihashi - ); Sales Division Sales Planning (Takayuki Ishii); Sales Division Sales Planning Wholesaler Management, Sales Admin (Hisako Sakoda); Sales Division Sales Planning,Sales Admin Group (Hisako Sakoda); Sales Division Tentative Team (Hiroyoshi Iwamoto); Sales Division Wholesaler Management Customer Support Team (Kyohei Yamamoto); Sales Division Wholesaler Management Distributor Team (Kyohei Yamamoto); Sales Finland (Sirpa Reimari); Sales Force Center (Flavio Di Pietro); Sales Force North (Paolo Francesco Corsi); Sales Force South West (Renato Monteleone); Sales France (Emmanuelle Massonie); Sales France (Franck Puget (Inherited)); Sales France (Karim Abassi); Sales Greece (Christos Fouskotis); Sales Hospital (Popp Gbor); Sales Hospital (Popp G√°bor); Sales Immunology & Coagulation (Kadar Attila); Sales Management Hemophilia (Michael Schulz (Inherited)); Sales Management Hemophilia (Michael Schulz); Sales Norway (Kjell Anker Worren); Sales Operations and Data (Chris Meyer); Sales Spain (Toni Par√©s); Sales Sweden (Nicklas Wallin); Sales Team Belgium (Marijke Maes (Inherited)); Sales Team Belgium (Philip Vandromme (Inherited)); Sales Team France (Emmanuelle Massonie (Inherited)); Sales Team France (Franck Puget (Inherited)); Sales Team France (Karim Abassi (Inherited)); Sales Team Netherlands (Marijke Maes (Inherited)); Sales Team Netherlands (Philip Vandromme (Inherited)); Sales Team UK (John Liam Boyle); Sales Team UK 2 (Nicky Whiteley); Sales Training Manager (Phil Hutton); Salt Lake 627 (Brooke A Neuroth); Salt Lake City 627 (Dave Lynn); Salt Lake City 627 (Marc D Fisher (Inherited)); Salt Lake City 627 (Nate Justet); Salt Lake City 627 ACM Area 1 (Michael E Forman); Salt Lake City 627 ACM Area 2 (Andrew V Lopez); Salt Lake City 627 ACM Area 2 (Ross R Fredrickson); Salt Lake City 627 QA (Allison M Davis); Sample Logistics (Brigitte Harris); Sample Management Quality Control (Christoph Wyss); Sample logistics (Christine Beyeler); Sampling (Lachlan McDonald); San Antonio 087 (Becca Charles); San Antonio 087 (Jennifer Martinez); San Antonio 087 ACM Area 1 (Kamala Yevetta Brown); San Antonio 087 ACM Area 2 (Aaron Thornton); San Antonio 087 ACM Area 2 (Kamala Yevetta Brown); San Antonio 087 QA (Alicia D Conner); San Antonio 157 (Sara A Anderson); San Antonio 157 (Sara Saleem); San Antonio 157 ACM Area 1 (Erika Gonzalez); San Antonio 157 ACM Area 2 (Crystal N Morton-Rollins); San Antonio 157 QA (Brenton Ferguson); San Antonio 157 QA (Nakia J Harlan); San Luis 158 (Javier Luna); San Luis 158 ACM Area 1 (Cristina Silva); San Luis 158 ACM Area 2 (Paulina Pena); San Luis 158 QA (MARA TAFOYA); San Luis 158 QA (Miguel Palomera); Sanitation (Union) (Adila Zaidi); Sanitation (Union) (Michael Memenga (Inherited)); Scanton 240 (Christopher Travalik (Inherited)); Schenectady 229 (Andrew Brammer); Schenectady 229 (Melissa Moore); Schenectady 229 ACM Area 1 (Renie Ball); Schenectady 229 ACM Area 1 (Ronald Cameron); Schenectady 229 ACM Area 2 (Karena Caraballo); Schenectady 229 QA (Sandy Nicholson); Schicht EMR (Gunthard Ludwig); Schicht EMR GH (Bjrn Krieg); Schicht EMR GH (Bj√∂rn Krieg); Schicht HW (Bjrn Krieg); Schicht HW (Bj√∂rn Krieg); Schicht HW (Christian Zeman); Schichtgruppe 1 ASQ (Marcus Heinzmann); Schichtgruppe 2 ASQ (Harald Ferber); Schichtgruppe 3 ASQ (Ruben Zinnkann); Schichtgruppe 3 ASQ (Svea Bieker); Schichtgruppe 4 ASQ (Gerhard Senftner); Scientist (Theresa Qiu); Scientist (Tony Cardno); Secondary Asset Care & Reliability (William Murphy); Secondary Automation (Muhammad Khan); Secondary Engineers (Calum Courtney); Secondary Manufacturing (Tristan Betson); Secondary Manufacturing Support Technicians (Gerard Lopez); Secondary PMO (Carrie O''Keeffe); Secondary PMO (Duncan Benson); Secondary Programmes (CARRIE OKEEFFE (Inherited)); Secondary Projects QA (Karen Marks); Secondary Projects Tech Transfer (Freddie Wayne West); Secondary Projects, Liverpool (CARRIE OKEEFFE); Secondary Projects, Liverpool (Carrie O''Keeffe); Secondary, Utilities and QC Validation (Joao Silva Acioli); Secretary ES (Montserrat Rey); Security CSL Behring Australia (Sharon Carroll); Security Manager 281 (Az Raonaq); Security Manager 281 (Chris Riley); Security Manager 281 (Nicholas Moody (Inherited)); Security Operations (Ganesha Rajanaidu); Security Operations (Ram Narasimman); Sen Ass QA Batch Release (Carol Youssef); Sen Ass QA Batch Release (Chris Graves); Sen Ass QA Batch Release (Nancy Manolitsas); Sen Ass QA Batch Release (Olivia Fisher (Inherited)); Sen Ass QA Batch Release (Olivia Fisher); Sen Ass QA Batch Release (Zareena Shaik); Sen Assoc Contin/Re-Validation (Robert Alvarez); Sen Assoc Validation Operation (Michelle Botterill); Sen Assoc Validation Operation (Nick Morgan (Inherited)); Sen Assoc Validation Operation (Nick Morgan); Sen Mgr QA Batch Release (Darren Moulton); Senior Associate QA Batch Release (Joanna Davis); Senior Associate QA Batch Release (Josie Lanza); Senior Associate QA Capability (Brett Pool); Senior Associate QA Capability (Marcela Rojas (Inherited)); Senior Associate QC Support (Jo Karra); Senior Director Manufacturing (Chris Larkins); Senior Electrical Engineer (Anthony Wrzesinski (Inherited)); Senior Electrical Engineer (Nicholas Hall); Senior Electrical Engineer (Stanislaw (Stan) Hudy); Senior Electrical Engineering Manager (Claro Pellosis); Senior HR Business Partner (Devon Anderson); Senior HR Business Partner (Sharon Davoli); Senior HR Business Partner (Sonia Georgesz); Senior HR Business Partner (Sonia Pititto); Senior Manager QA Capability (Marcela Rojas); Senior Manager Validation (Dina El-Emary); Senior Manager Validation (Michelle Botterill); Senior Manager Validation (Russell Ciliento (Inherited)); Senior Manager Validation (Shane Bourne); Senior Manager, Innovation R&D (Chi Ong); Senior Process Engineer (Robert Hemaya); Senior Process Manager - Utilities (Christiaan Theron (Inherited)); Senior Process Manager - Utilities (Christiaan Theron); Senior Process Manager, Supply Chain (Helen Malliaras); Senior Process Manager, Supply Chain (Lachlan Cruise (Inherited)); Senior Project Manager (Anthony Wrzesinski (Inherited)); Senior Project Manager (Brian Guilly); Senior Project Manager (Raoul Gorris); Senior Regulatory Affairs Manager (Ana Moisidis); Senior Scientist (Albert Garcia Minambres); Senior Scientist (Armando Alabella); Senior Scientist (Kiki Vukanovska (On Leave)); Senior Scientist (Kiki Vukanovska); Senior Scientist (Kim Steegh); Senior Scientist (Maria Panayi); Senior Scientist (Matthew Hardy); Senior Scientist (Sachiyo Nishio); Senior Scientist (Tom Murray-Rust); Senior Scientist Biacore (Bernadine Lu); Senior Scientist EM Unit (Stephen Asquith); Separatoren (Arnd Vollmerhausen (Inherited)); Separatoren (Erkan nder); Separatoren (Erkan √ñnder); Seqirus Head of Legal, Asia (Marcus De Alwis); Seqirus Ltd (Anjana Narain); Seqirus Ltd (Gordon Naylor); Seqirus Ltd (Stephen Marlow); Seqirus Ltd II (Gordon Naylor (Inherited)); Serialisation Operations and Projects (Michel Stritt); Serialisierung (Michel Mller); Serialisierung (Michel M√ºller); Serialization & Anti-Counterfeiting (Andrew John Robinson); Serialization & Anti-Counterfeiting (Warren Comerford (Inherited)); Serology Lab (Dan Thompson); Serology Lab - 1st Shift (Undrea W Jenkins); Serology Lab - 3rd Shift (Angela C Reynolds); Serology Lab - Weekend (Undrea W Jenkins (Inherited)); Service Management (Jim Towarnicki); Servicecenter Hemophilia (Axel Hochfeld); Shared Area Engineering (Marc Herbener); Shreveport 245 (Johnnie Williams); Shreveport 245 (Marcia Schels); Shreveport 245 ACM Area 1 (Demetricia Moore); Shreveport 245 ACM Area 1 (Edgar Rodriguez); Shreveport 245 ACM Area 2 (Matt Comfort); Shreveport 245 ACM Area 2 (Rashunda Dock); Shreveport 245 QA (Kaci Miller); Single Case Management & PhV Systems (Jessica Corrall (On Leave)); Single Case Management & PhV Systems (Jessica Corrall); Single Case Mgt & Phv Systems (Liz Pound); Single Case Mgt & Sy (Sabine H√§rtel (Inherited)); Single Unit Verification 1 (Kai Wlk); Single Unit Verification 1 (Kai W√∂lk); Single Unit Verification 2 (Norbert Vollmerhausen); Single Unit Verification 3 (Karl-Heinz Stelzig); Site Administration (Deborah Lynes); Site Engineering Services (Alex Elandt [C]); Site Engineering Services (Alex St√§hli); Site Lead project Eureka (Chris Camilleri); Site Lead project Eureka (Philip Elliott (Inherited)); Site Logistics (Daniel Schmidt); Site Logistics Production (Igor Kaucher); Site Management (Ross Watson); Site PMO (Karen Mitchell); Site Security (Az Raonaq); Site Security (Matthias Gnther); Site Security (Matthias G√ºnther); Site Security Switzerland (Julien Lischer); Site Supply Chain (Dennis Finger); Site- & Project-Management (Ferdinand Marx); Site- & Project-Management (Marko Witt); Site- & Project-Management (Rainer Herbener); Smryna 123 QA (Apple Grace Swindell); Smyrna 123 (Stephen Jefferson); Smyrna 123 ACM Area 1 (Venessa Lucio); Smyrna 123 ACM Area 2 (Travis Conner); Smyrna 123 QA (Apple Grace Swindell); Snr Assoc, QA Batch Release (Abha Patel); Snr Director Quality PKV530 (Milka Smoljko); Snr Mgr, Bus Effectiveness (Collette Makdissi); Snr Reg Advisor (David Plant); Snr Scientist Flu Innov (Kirsten Vandenberg); Snr Scientist Influ.Innov 275 (Catherine Agius); Snr.Scientist Flu Pilot Facil (Brad Dickson); Solid Organ Transplant Marketing (Courtney Wilson); Solutions Team Leader (Shona Moore); Source to Pay (Andrew Croft (Inherited)); Source to Pay (STP) (Dennis Martin); Sourcing (Brigitte Kimpel-Koch [C]); Sourcing (Frank Liesner); Sourcing (Jens Knoch); South America Sales Ops (Jean-Claude Andr√© (Inherited)); South Korea Operations (Ji-Young Sohn); South Milwaukee 140 (Cory Toellner (Inherited)); South Milwaukee 140 (Justin N Gronbach); South Milwaukee 140 (Kevin Labriola); South Milwaukee 140 ACM Area 1 (Cassandra J Cecka); South Milwaukee 140 ACM Area 2 (Shannon T Bardega); South Milwaukee 140 QA (Amy M Gebhardt); South Portland 256 (Cory Vierck); South Portland 256 ACM Area 1 (Kendra Howard); South Portland 256 ACM Area 2 (Cameron Clement); South Portland 256 QA (Mark Anderson); Southfield 070 (Lauren Jenkins); Southfield 070 (Marida L Bivens); Southfield 070 ACM Area 1 (Lori Daratony); Southfield 070 ACM Area 2 (Linda M Walker); Southfield 070 ACM Area 3 (Tiffany A Patton); Southfield 070 QA (Tamil Pettway (On Leave)); Southfield 070 QA (Tamil Pettway); Spartanburg 179 (Darrell Brotherton); Spartanburg 179 (Jose Pineda); Spartanburg 179 ACM Area 1 (Shaqueda Cariens); Spartanburg 179 ACM Area 2 (Krysten Evans); Spartanburg 179 AMQ (Jennifer Fox); Spartanburg 179 QA (Jennifer R Fox); Spartanburg 179 QA (Jose Pineda); Spartanburg 179 QA (Vernicia Smith); Spartanburg 179 QA (Victoria McIntyre (Inherited)); Specialist Area Bus Manager775 (Lisa Stewart); Specialist Area Business Manager (Katerina Kouridakis); Specialist Area Business Manager (Natasha Hutchison (Inherited)); Specialist Area Business Manager (Steve Carroll); Specialty HAE (Debbie Bensen-Kennedy (Inherited)); Specialty HAE (Joseph Chiao); Specialty Plasma (Phyllis Bressler); Specialty Plasma (Robert P Lawler (Inherited)); Spectroscopy and Elementary Analysis (Pierre-Harald Schmidt); Spectroscopy and Elementary Analysis (Stefan Wilka); Sphinx (Klara Cela); Sphinx II (Fynn Krieger); Spokane Main 621 (Adam Allred); Spokane Main 621 (Juli McConnell); Spokane Main 621 ACM Area 1 (Maurice V R Reed); Spokane Main 621 ACM Area 2 (Janette R Williams); Spokane Main 621 QA (Andee Leigh Schock); Spokane Valley 622 (Donna L King); Spokane Valley 622 (Ryan H Rettkowski); Spokane Valley 622 ACM Area 1 (Josh Kearney); Spokane Valley 622 ACM Area 1 (Ryan H Rettkowski (Inherited)); Spokane Valley 622 ACM Area 2 (Donna L King (Inherited)); Spokane Valley 622 ACM Area 2 (Juli McConnell); Spokane Valley 622 QA (Donna L King); Spokane Valley 622 QA (Rachel R Maddox); Springdale 268 (Justin Hampton); Springdale 268 ACM Area 1 (Devona D Williams); Springdale 268 ACM Area 2 (Ellie Kordooni); Springdale 268 QA (Karina G Campos); Springfield 285 (Quawan Dhom); Springfield 285 QA (Pari Patel); Springfield 492 (Amy L Pruitt); Springfield 492 (Tyler L Robinson); Springfield 492 ACM Area 1 (Carmen Gonzalez); Springfield 492 ACM Area 1 (Peter J Gouvas); Springfield 492 ACM Area 2 (Natalie N Williams); Springfield 492 QA (Marcie B Deal); Springfield 620 (Karen Aspinwall); Springfield 620 (Karen Hebbert); Springfield 620 ACM Area 1 (Karen Hebbert (Inherited)); Springfield 620 ACM Area 1 (Lisa M Meredith); Springfield 620 ACM Area 2 (Julia A Thompson); Springfield 620 QA (Becky D Clute); Sr. Clinical Program Manager Clinical Development (Anthony Ciliberto); Sr. Clinical Program Manager ¬ñ Clinical Development (Anthony Ciliberto); Sr. Clinical Program Mgr ¬ñ Clinical Development (Anthony Ciliberto); Sr. Scientist S''visor EM Unit (Ross Hamilton); St Louis 107 (Jimmy Williamson Jr); St Louis 107 (Robert Karbach); St Louis 107 ACM Area 1 (Ashli N Pinson); St Louis 107 ACM Area 1 (Jimmy Williamson Jr (Inherited)); St Louis 107 ACM Area 2 (Ashli N Pinson); St Louis 107 ACM Area 2 (Sentoria D Leonard-Brown); St Louis 107 QA (Sharica Ausler); St Louis 132 (Tiffany D Thurman); St Louis 132 ACM Area 1 (Chris Haley); St Louis 132 ACM Area 2 (Kevin S Neidinger); St Louis 132 ACM Area 2 (Tiffany D Thurman (Inherited)); St Louis 132 QA (Abby Hill); St Louis 132 QA (Jacob P Phillips); St Paul 180 (Darin L Bargsten); St Paul 180 ACM Area 1 (Cody A Patton); St Paul 180 ACM Area 2 (Brenda L Steffen); St Paul 180 QA (Amanda Peroutka (On Leave)); St Paul 180 QA (Amanda Peroutka); St Paul 180 QA (Holt Peterson (Inherited)); St Paul 416 (Scott Cantrell); St Paul 416 QA (Diego A Bastidas); Stability (Anita Jansen de Salazar); Stability (Jessica Mackellin); Stability (Jessica Parletta); Stability (Michel Baur (Inherited)); Stability (Rossana Amodeo); Stability Trials and Retention Samples (Chris O''Meara); Starting Materials Testing & Release (Simone Lang); State College 262 (Daniel LoCasale); State College 262 ACM Area 1 (Justin Nolan); State College 262 ACM Area 1 (Maria Garlick); State College 262 ACM Area 2 (Hunter Millward); State College QA 262 (TARA STYERS); State Government Affairs & Eastern Reg. (Karla White); Statistics & Data Management (Wilfried Meyers); Stellv. Center Manager (Andreas Gehrich (Inherited)); Stellv. Center Manager (Andreas Gehrich); Stellv. Center Manager (Annette Pernitzsch (Inherited)); Stellv. Center Manager (Annette Pernitzsch); Stellv. Center Manager (Claudia Habenicht (Inherited)); Stellv. Center Manager (Claudia Habenicht); Stellv. Center Manager (Damaris Kieckhfer (Inherited)); Stellv. Center Manager (Damaris Kieckh√∂fer (Inherited)); Stellv. Center Manager (Heike Borchert (Inherited)); Stellv. Center Manager (Kirsten Scheibel (Inherited)); Stellv. Center Manager (Kirsten Scheibel); Stellv. Center Manager (Natascha Bock (Inherited)); Stellv. Center Manager (Natascha Tappendorf); Stellv. Center Manager (Stephani Keltsch); Stellv. Center Manager (Sven Schuhmann (Inherited)); Stellv. Center Manager (Sven Schuhmann); Stellvertretender Labormanager (Astrid Mather (Inherited)); Sterile Filling AlbuRx (Hai Tran); Sterile Filling AlbuRx (Jennifer Tang); Sterile Filling AlbuRx (Mason Briner (Inherited)); Sterile Filling AlbuRx (Mason Briner); Sterile Filling AlbuRx (Matthew Donegan); Sterile Filling AlbuRx (Nina Djordjevich); Sterile Filling AlbuRx (Paolo Robillos); Sterile Filtration (Jakob Locher); Sterility (Anja Djordjevich); Sterility (Denise Vella (Inherited)); Sterility (Johanna Mock); Sterility (Nicole Magno); Sterility (Sabrina Desiree Sann); Sterility Assurance Monitoring & Trending (Marika Moore); Sterility Assurance (Barbara Moser); Sterility Assurance (Boo Pit Tan); Sterility Assurance (Craig Stephens (Inherited)); Sterility Assurance (Darla Erman); Sterility Assurance (Jessica Kay); Sterility Assurance (Meena Shakaib); Sterility Assurance (Peter Major); Sterility Assurance (Richard Hughes); Sterility Assurance (Robert O''Malley); Sterility Assurance (Tyson Parker); Sterility Assurance ¬ñ Monitoring & Trending (Marika Moore); Sterling Heights 164 (Kayla J Allen); Sterling Heights 164 (Shauna Douglas); Sterling Heights 164 ACM Area 1 (Zack Hyso); Sterling Heights 164 ACM Area 2 (Shauna Douglas (Inherited)); Sterling Heights 164 ACM Area 2 (Shauna Douglas); Sterling Heights 164 QA (Elijah J Wilson); Sterling Heights 164 QA (JoJo Sobjack); Stone Mountain 119 (Antonia Geiselmayr); Stone Mountain 119 (William A Voltz); Stone Mountain 119 ACM Area 1 (Milaine Clairvil); Stone Mountain 119 ACM Area 2 (Derrick Barnes); Stone Mountain 119 QA (Marketa D Goodwin (On Leave)); Stone Mountain 119 QA (Marketa D Goodwin); Storage-Virtualization-DR (Ali Bakhtiar); Storage/Virtualization/DR (Ali Bakhtiar); Strat Project Portfolio & Op Excellence (Michael Schrder (Inherited)); Strategic Analytics & Pricing (Paul Jens); Strategic Analytics (Manish Srivastava); Strategic Expansion Projects (Robyn Elliott); Strategic Indirect Sourcing (David Pauli); Strategic Initiatives (Matt Shapiro); Strategic Initiatives ENG (Dilip I Raval); Strategic Initiatives ENG (Gene Bohn); Strategic Project Portfolio and Operational Excellence (Gil Rochat); Strategic Project Portfolio and Operational Excellence (Martin Schaeren (Inherited)); Strategic Sourcing (Benjamin Fruin); Strategic Sourcing Capex & MRO Sourcing (Jos Maldonado); Strategic Sourcing Capex & MRO Sourcing (Jos√© Maldonado); Strategic Sourcing Capex & MRO Sourcing (Paul Addis (Inherited)); Strategic Sourcing Capex/MRO MBG (Bernd Mhling); Strategic Sourcing Capex/MRO MBG (Bernd M√ºhling); Strategic Sourcing Direct (Martin Grossmann); Strategic Sourcing Direct Packaging, Devices, Containers, Closures, R&D (Benjamin Fruin); Strategy & Business Development (Alan Wills (Inherited)); Strategy & Business Development (Alan Wills); Strategy & Business Development (Andrea Douglas); Strategy & Business Development (Bev Menner); Strategy & Business Development 2 (Stephanie Read); Strategy & Innovation (Ken Lim); Studium Plus (Carmen Walldorf (Inherited)); Studium Plus (Doris Nake (Inherited)); Study File Management (Elizabeth Petersen); Study Operations (3) (William Karich); Study Operations (Christa Lewiski); Study Operations (Janis Witzleb); Study Operations (Lyndah Oswald - Okebata); Superior PTH Vorbehandlung 3 / Abfllung 3 H069 (Adam Krajewski); Superior PTH Vorbehandlung 3 / Abfllung 3 H069 (Frank Gerhard Grger); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Adam Krajewski); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Frank Gerhard Gr√∂ger); Superior PTH Vorbehandlung 3 / Abf√ºllung 3 H069 (Sylvia Kauf); Supervisor (Andreas Gehrich (Inherited)); Supervisor (Andreas Gehrich); Supervisor (Annette Pernitzsch (Inherited)); Supervisor (Annette Pernitzsch); Supervisor (Claudia Habenicht (Inherited)); Supervisor (Claudia Habenicht); Supervisor (Damaris Kieckhfer (Inherited)); Supervisor (Damaris Kieckh√∂fer (Inherited)); Supervisor (Heike Borchert (Inherited)); Supervisor (Kirsten Scheibel (Inherited)); Supervisor (Kirsten Scheibel); Supervisor (Natascha Bock (Inherited)); Supervisor (Natascha Tappendorf); Supervisor (Stephani Keltsch); Supervisor (Sven Schuhmann (Inherited)); Supervisor (Sven Schuhmann); Supplier Management (Bill Chambers); Supplier Management (Ivo Kreyenbuehl); Supplier Quality Management (Allen F Coleman); Supplier Quality Management (Justin K Zajc); Supplies, Liverpool (Stephen Magill [C]); Supplies, Liverpool (William Helsby); Supply & Logistics (Avril Lam); Supply & Logistics (Winnie Yau); Supply Chain (Anita Erber); Supply Chain (Boris Kaiser); Supply Chain (Rick Gibson); Supply Chain Business Process (Wolfgang Schneider); Supply Chain External Manufacturing (Stuart Summers); Supply Chain Finance (Kiran Duhra); Supply Chain Liverpool (James Monaghan); Supply Chain Maidenhead (Ian Dick); Supply Chain Management (Cameron Barrett); Supply Chain Management (Michael F Deem); Supply Chain Management (Ryoichi Imamura); Supply Chain Mgt & Operational Planning (Robert P Lawler); Supply Chain Mgt (Mischa Moeckli); Supply Chain Planning & Inventory Management (Kevin L Robards); Supply Chain Planning (Cheryll McLeod); Supply Chain Planning (David McClure); Supply Chain Planning (Ratana Lim); Supply Chain Planning (Serge Marques); Supply Chain Planning (Sharon Gough); Supply Chain Planning (Unni Nair); Supply Chain QA (Andrew Norman); Supply Chain Services (Dennis Finger); Supply Chain Services (Grant Gaddis); Supply Chain Services (Kelly L Konemann (Inherited)); Supply Chain Services (Kelly L Konemann (On Leave)); Supply Chain Services (Kelly L Konemann); Supply Chain Services (Maike Pollaschek); Supply Chain Services (Tamara Huber); Supply Chain Systems (Sean Flannery); Supply Chain, PKV (Lachlan Cruise); Support & Hygiene Produktion (Monika Krebs); Support & Nebenanlagen (Florian Damm); Support (Arnd Vollmerhausen (Inherited)); Support (Benjamin Grn); Support (Benjamin Gr√ºn); Support (Bernd Zimmermann); Support (Heiko Jucknat); Support und Admin Medical Department (Martina Witzer); Sustain and Improve PTI Americas (Austin Newsom); Syracuse 196 (SILVIO VONA); Syracuse 196 ACM Area 1 (Kristina Deonarine); Syracuse 196 ACM Area 2 (Timothy Ray); Syracuse 196 QA (Matthew McHale); System Support (Magan Lai); System Validation and Implementation (Marquita Moore); TA Coag, Critical Care & Cardiovascular (Susan Welsh (Inherited)); TA Coagulation & Acquired Bleeding, Global Clinical R&D (Andres Brainsky); TA Development PM Group (Joanne Uhl); TA Immunology (Susan Welsh (Inherited)); TA Support (Anjani Advani); TDD (Technical Development & Documentation) (Patrick Gregory); TEC-Testentwicklung Chemie (Kerstin Nske); TEC-Testentwicklung Chemie (Partho Halder); TRICC (William Mezzanotte (Inherited)); TRICC - Therapeutic Area II (Marc Uknis); TRICC II (Mikhail Rojavin); TRICC II (Orell Mielke); TRICC III (Iris Jacobs); TRICC III (Maria Gasior); TRICC Therapeutic Area (Mittie Doyle); Talent Acquisition (Daphne Wong); Talent Acquisition (Ivan Dokoza); Talent Acquisition (James Telfer (Inherited)); Talent Acquisition (Priya Dinkar); Talent Acquisition - APAC (James Telfer); Talent Acquisition - APAC (Lisa Edwards); Talent Acquisition - Americas (Andrew Lewis); Talent Acquisition - EMEA (Elena Kharlamova); Talent Acquisition - Europe (Peggy Klein); Talent Acquisition - Plasma (Tracey Lambalot); Talent Acquisition - Plasma (Tracey Lambalot) (Tracey Lambalot); Talent Acquisition AUS (Angela Bellenger); Talent Acquisition and Talent Management (Beth Thomas); Talent Development (APAC) (Kathy Sacca); Talent Development (Eveline Wuethrich); Talent Development Apprenticeship (Anja K√§ser); Talent Development North America (Ll''Rae Robinson); Talent Management & Acquisition (Brian Fehrer); Talent Management & Acquisition (Elizabeth Walker (Inherited)); Talent Management AU (Raechel Gray); Talent Programs & Analytics (Brian Fehrer (Inherited)); Talent Programs & Analytics (Mary Schnackenberg); Talent Programs & Analytics (Sarah Peacey); Tallahassee 211 (Andria Logan); Tallahassee 211 QA (Lori Carlson (Inherited)); Tallahassee 211 (Andria Logan); Tallahassee 211 ACM Area 1 (Andria Logan (Inherited)); Tallahassee 211 ACM Area 1 (Brooklyn Williams (On Leave)); Tallahassee 211 ACM Area 2 (Brenda B Williams); Tallahassee 211 ACM Area 2 (Michelle Davenport); Tallahassee 211 QA (Lori Carlson (Inherited)); Tallahassee 211 QA (Mechelle Robinson); Tallahassee 211 QA (Mychal A Reynolds); Tampa 109 (Elizabeth Lam); Tampa 109 (Michelle K Natalie); Tampa 109 ACM Area 1 (Leah J Davis); Tampa 109 ACM Area 2 (Amber S Goodwine); Tampa 109 ACM Area 2 (Carolyna Perez); Tampa 109 QA (Joseph Rivera (On Leave)); Tampa 109 QA (Joseph Rivera); Tampa 109 QA (Michelle K Natalie); Tax (James Smith); Tax Compliance (Mark Murtaugh); Taylor 240 (Joe Korea); Taylor 240 ACM Area 1 (Joe Korea (Inherited)); Taylor 240 ACM Area 1 (Nicki Nguyen); Taylor 240 ACM Area 2 (Dion Dippel); Taylor 240 ACM Area 2 (Joe Korea (Inherited)); Taylor 240 QA (Wendy MacConnell); Team 1 (Christian Schubert); Team 1 (Jrg Dennis Issel); Team 1 (J√∂rg Dennis Issel); Team 1 (Michael Welsch (Inherited)); Team 1 (Veronika Chernov); Team 10 Verpackung (Petra Eversberg); Team 10 Verpackung (Petra Sch√§fer (On Leave)); Team 10 Verpackung (Petra Sch√§fer); Team 10 Verpackung (Rosemarie Rdding); Team 2 (Aytac Akin); Team 2 (Michael Welsch (Inherited)); Team 2 (Silke Oppermann); Team 3 (Michael Welsch (Inherited)); Team 3 (Thomas Grhning); Team 3 (Thomas Gr√§hning); Team 3 (Waldemar Kliwer); Team 4 (Erwin Gordzielik); Team 4 (Michael Welsch (Inherited)); Team 5 (Ludwig Heckmann); Team 5 (Michael Welsch); Team 6 (Karl-Hermann Sprenger); Team 7 (Pavlina Weninger); Team 7 (Thomas Fieber); Team 8 (Andreas Rastschewski); Team 8 (Mara Saglam); Team 8 (Melvin Scruggs); Team 9 (Eugen Rogosin); Team 9 (Igor Kaucher); Team Buffer Preparation (Dirk Michel); Team DSP I (Heiko Jucknat); Team HVAC (Michael Hillmann); Team Kalibrierung (Thomas Kniepper); Team Leader - Imp & Compl (Kathy Theodorakis); Team Leader - AFF/ZN 444 (Chas Chalker); Team Leader - AFF/ZN 444 (Remon Hemaya); Team Leader - DS 444 (Hieu Tran); Team Leader - Imp & Compl (Kathy Theodorakis); Team Leader - Inac 444 (Margarita Mejia); Team Leader - Packaging - 451 (Anthony Lane); Team Leader - Packaging - 451 (Anthony Lane); Team Leader - Plnt & Srv 444 (Darren McKean); Team Leader - QC Microbiology (Kerry Lincoln); Team Leader - Sterility Assurance (Jon Wong); Team Leader - Validation (Kylie Prendergast); Team Leader Animal Services (Anne Hageman); Team Leader Change Mgmt - Prod (Marcus O''Dwyer); Team Leader Change Mgmt - Prod (Paul Williams); Team Leader Formulation B 454 (David Moulsdale); Team Leader I PHAD I (Tobias Heck); Team Leader II PHAD I (Patric Sallin); Team Leader Prod Support - DS (Jeffrey Gan); Team Leader Prod Support - DS (Jeffrey Spicer); Team Leader Prod Support - MD (Jeffrey Gan); Team Leader Prod Support - MD (Stuart Jones); Team Leader Production Support (Denise Bertram); Team Leader Production Support (Elaine Feely (Inherited)); Team Leader Upstream-Harv 444 (Ibrahim Ozerim); Team Leader Upstream-Inoc 444 (Craig Byham); Team Mechanik (Christoph Freiling); Team Mechanik (Gerd Pendzialek); Team PBF (Thorsten May); Team PBF 1.0 (Maikel Bamberger); Team PTE (Stefan Rees); Team Purification I (Carsten Meyer (Inherited)); Team Purification I (Heiko Jucknat (On Leave)); Team Purification I (Heiko Jucknat); Team Purification II (Selcuk Ayan); Tech Dev Ops QA (Monica Rose); Tech Support Potency Testing (Julia Hainbach); Tech Support Potency Testing (Reinhard Paul); Tech Transfer (Samantha Gakias); Tech Transfer D820 (Ming Chong); Tech Transfer Projekt Management Team (Nina Walser); Technical Development (Lynda Allan); Technical Learning & Development (David P Monte); Technical Learning & Development 1 (Amy Jackson); Technical Learning & Development 2 (Ann Lescher); Technical Operations (Fuad Haddadin); Technical Operations (Michele Himmelspach (Inherited)); Technical Operations - Investigations (Tino Boss); Technical Operations - Small Scale (Janine Bash); Technical Operations I (Daniel Knack); Technical Operations I (Veronica Lopez); Technical Operations II (Becca Huebsch); Technical Operations II (Raghav Oberoi); Technical Operations III (Inga Breitwieser); Technical Operations III (Wilfried Wormsb√§cher); Technical Operations IIa (Jan Schwichtenberg); Technical Operations IV (Katrin Maria Sander); Technical Projects (Wendy Turner); Technical Services (Juerg Clavadetscher); Technical Services, Influenza Operations (Bill Cracknell); Technical Services/FM (Beat Meyer); Technikteam Labore (Stephan Lw); Technikteam Labore (Stephan L√∂w); Technischer Service (Lothar Klingelhfer); Technischer Service (Lothar Klingelh√∂fer); Technology Transfer (Jesse Richter); Teilbereichsleiter Abfllung (Stefan Peil); Teilbereichsleiter Abf√ºllung (Stefan Peil); Tempe 048 (Terry M Young); Tempe 048 ACM Area 1 (Samuel V Grijalva); Tempe 048 ACM Area 1 (Trina L Bryant); Tempe 048 ACM Area 2 (Sonya L Nigh); Tempe 048 QA (John Son); Tempe 048 QA (Melissa M Martinez); Tempe 427 (Daniel I Villegas (Inherited)); Tempe 427 (Patrick S Taylor); Tempe 427 ACM Area 1 (Kelly L Ortega); Tempe 427 ACM Area 2 (Jennifer Valenciano); Tempe 427 QA (Daniel I Villegas); Tempe 427 QA (Kellie N Buecker); Tempe 427 QA (Tiffanie Contreras); Temple 260 (Kimm Klisiewicz); Temple 260 ACM Area 1 (Moses Olukere); Temple 260 ACM Area 1 (Sarah Gaines); Temple 260 ACM Area 2 (Michael Martinez); Temple 260 QA (Cayley Eppler); Temple 260 QA (Kellie N Buecker); Temple Terrace 252 (Stephanie Frye); Temple Terrace 252 ACM Area 1 (Michelle Briseno); Temple Terrace 252 ACM Area 1 (Monica Miller); Temple Terrace 252 ACM Area 2 (Janette J Pierre); Temple Terrace 252 QA (Caitlin Shoemaker); Temple Terrace 252 QA (Joel Gallegos); Terre Haute 265 (Daniella Miller); Terre Haute 265 (Tara Goebel); Terre Haute 265 ACM Area 1 (Tara Goebel); Terre Haute 265 ACM Area 2 (Tracy Robinson); Terre Haute QA 265 (Sherri A Suttles); Testing Laboratory (Maruthi Shivananda); Therapeutic Area Clinical Ops (Bruce Wynne); Therapeutic Area Clinical Ops I&N (Ann-Marie Hulstine); Therapeutic Area Critical Care (Hartmut Landgrebe); Therapeutic Area Medical Evaluation (Nataliya Doliba); Therapeutic Area Medical Evaluation 1 (Nataliya Doliba); Therapeutic Area Medical Evaluation Lead (Kaniez Baig); Tokyo Yamanashi Area (Yoshifumi Umenaka); Toledo 175 (Steve Sparks); Toledo 175 ACM Area 1 (Kevin Connelly); Toledo 175 ACM Area 2 (James Carroll); Toledo 175 QA (Aarsalaan Semna); Toledo 175 QA (April Tyler); Toledo 223 (Debra Purney); Toledo 223 ACM Area 1 (Jeffery Eagle); Toledo 223 ACM Area 2 (Debra Purney); Toledo 223 ACM Area 2 (Heather Marshall); Toledo 223 QA (Christopher Travalik (Inherited)); Toledo 223 QA (Michael Craun); Toledo 223 QA (Pam Perryman); Toll IG/Alb Bulk (Ali Hashempour); Toll IG/Alb Bulk (Andrew Vasil); Toll IG/Alb Bulk (Anthony Manovella (Inherited)); Toll IG/Alb Bulk (Edward Camilleri); Toll IG/Alb Bulk (Jason Gilmour); Toll IG/Alb Bulk (Johnny Barbis); Toll IG/Alb Bulk (Jon Gummer); Toll IG/Alb Bulk (Kevin deSouza); Toll IG/Alb Bulk (Michael Appelman); Toll IG/Alb Bulk (Ricardo Morales); Toll IG/Alb Bulk (Robert Poletti); Toll IG/Alb Bulk (Rodney Vermeend); Toll IG/Alb Bulk (Shannon Thorp); Toll IG/Alb Bulk (Tom Koukouvaos); Toll Manufacturing BU Team (CLAUDIO BAEZZATO); Toll Manufacturing BU Team (Maria Gabriella Patrassi); Toll Mfg. Excipients & Intermediates (Jennifer Dolores Brenner); Toll Mfg. Excipients & Intermediates (Markus Staempfli (Inherited)); Toll Mfg. Excipients & Intermediates (Niklaus Kraehenbuehl); Toll VI and Pack (Parth Soni); Total Rewards (Figen Zaim); Tox Operations (Andrea Beyerle); Toxicology (Christopher John Peters); Toxicology Unit (Gerald Hbarth); Toxicology Unit (Gerald H√∂barth); Toxicology Unit 1 (Barbara Dietrich); Trademark (Antje Michel (Inherited)); Trademark (Janine Colesie (On Leave)); Training & Development Office (Chiho Muto); Training & Development Office (Shinji Ohkura); Training & GMP (Barbara Kalina (Inherited)); Training & GMP (Wilfried Happel (Inherited)); Training and Document Control (Lixia He ); Training and Document Control (Lixia He ?????); Transformation Change Management (Emily Riggs); Translational Biology (Alexander Schaub); Translational Biology 1 (Sandra Wymann); Translational Biology 2 (Svetlana Diditchenko); Translational Biology 2a (Alexei Navdaev); Translational Biology 3 (Anna Schnell); Translational Safety (Ashlyn Bassiri); Translational Science (Nick Wilson); Translational Science 1 (Nick Wilson); Transplant (Kevin Kovaleski); Transplant Marketing (Paula Manchester); Transplant Marketing SOT (Jeanne Andronowitz); Transplant Marketing SOT (Paula Manchester (Inherited)); Transplant Medical Affairs (Kevin Kovaleski (Inherited)); Transplant Medicine (Kevin Kovaleski); Transplant TA PM Group (Linda Cortese); Transport und Prozess Management (Andre Husse); Transport und Prozess Management (Anna-Lena Niederh√∂fer); Transportation Management (Gnter Vollmer); Transportation Management (G√ºnter Vollmer); Treasury Europe (Dieter Engstfeld); Trending (Marika Moore); Trending ¬ñ Sterility Assurance (Vijay Dundigalla); Trial & Quality Systems (Sean Storms); Tucson 071 (April Behnke); Tucson 071 (Moses Falaiye); Tucson 071 ACM Area 1 (Alma Y Olivera); Tucson 071 ACM Area 2 (Luz D Almeraz); Tucson 071 QA (Cori J Collins (Inherited)); Tucson 071 QA (Nicole A Downey); Tucson 111 (Alejandro Angulo); Tucson 111 ACM Area 1 (Alejandro Angulo (Inherited)); Tucson 111 ACM Area 1 (George Adams); Tucson 111 ACM Area 2 (Kendra N Belcher); Tucson 111 QA (Dulce A Jimenez); Tucson 111 QA (Eugene Y Shem); Tucson 624 (Jovanna R Ortega); Tucson 624 ACM Area 1 (Sara M Portugal); Tucson 624 ACM Area 2 (Adrian Soto); Tucson 624 QA (Bernadette B Woodson); Tulsa 014 (Heather Colbert); Tulsa 014 (Jerry Ewen); Tulsa 014 ACM Area 1 (Reggie De Quiroz); Tulsa 014 ACM Area 2 (Forrest Burns); Tulsa 014 ACM Area 2 (Heather Colbert); Tulsa 014 QA (Cooper Cruson); Tulsa 014 QA (Heather Colbert); Tulsa 417 (Jerry Ewen); Tulsa 417 (Troy Lee Wheeler); Tulsa 417 ACM Area 1 (Nina Linga); Tulsa 417 ACM Area 2 (Lindsay K Jameson); Tulsa 417 QA (Cooper Cruson); Tulsa 417 QA (Hannah E Todroff); Tulsa 417 QA (Julie L Potter); Tulsa 417 QA (Troy Lee Wheeler (Inherited)); Turkey Field Sales (Filinta Cakar); Tyler 520 (Stephanie D Shah); U of M 414 ACM Area 1 (Abubeker M Osman); U of M 414 ACM Area 2 (Ahmed N Ismail); U&S Process Engineering (Rodrigo Campos); UK accounting (Lorraine Lambert); US ComOps Immunology Sales (Joseph Guinan); US Credit and Treasury (Angela Caivano); US Distribution (Daniel Krysztofiak); US Distribution (Joseph Jefferson); US Federal Tax Compliance (Giovanni Siciliano); US Finance: Capital (Andrea Burch); US Healthcare Systems (Pete Dickson); US Healthcare Systems (Richard Dudek); US Lab Quality Assurance (Alecia C Harshaw); US Marketing (Bernadine Koziara); US Med Affairs-Coagulation-Field (Julie Farley); US Med Affairs-Coagulation-Field (Katheleen Pinto); US Med Affairs-Immunology-Field (Elyse Murphy); US Med Affairs-Specialty-Field (Ayman Kafal); US Med Affairs-Specialty-Field (Ben Boccuzzi); US PLC Quality Assurance (Brian H. Frye); US PLC Quality Assurance (Carol Kralicek); US PLC Quality Assurance (Jeff Dalton Jr); US PLC Quality Assurance (Keith Winiger); US PLC Quality Assurance II (Jeff Dalton Jr); US Plasma Marketing (Keith A Haywood); US Plasma Marketing (Scott Newkirk (Inherited)); US Plasma Operations (Daniel V Ferris); US Plasma Operations Division 1 (Scott Newkirk); US Plasma Operations Division 2 (Michelle A Meyer); US Plasma Operations Division 3 (Wlenyeno J Elliott-Browne); US Plasma Operations Region 11 (Joshua D Williamson); US Plasma Operations Region 11.1 (Holt A Peterson); US Plasma Operations Region 11.1 (Holt Peterson); US Plasma Operations Region 11.2 (Aaron C White); US Plasma Operations Region 11.3 (Brandon S Bridges); US Plasma Operations Region 11.4 (Christine Thomas); US Plasma Operations Region 11.5 (Philip Nixon); US Plasma Ops Region 1 (Dianne Sorenson); US Plasma Ops Region 1.1 (Paul Warden); US Plasma Ops Region 1.2 (David M Wilson); US Plasma Ops Region 1.2 (Marc D Fisher); US Plasma Ops Region 1.3 (Cori J Collins); US Plasma Ops Region 1.4 (Daniel I Villegas); US Plasma Ops Region 1.5 (Timothy Freeland Jr); US Plasma Ops Region 10 (Carmon Kieffer); US Plasma Ops Region 10 (Michelle A Meyer (Inherited)); US Plasma Ops Region 10 (Rebecca Swingle); US Plasma Ops Region 10.1 (Bonnie M Talbott (On Leave)); US Plasma Ops Region 10.1 (Bonnie M Talbott); US Plasma Ops Region 10.1 (Christopher Travalik); US Plasma Ops Region 10.1 (Derek Erhart); US Plasma Ops Region 10.2 (Mary A Paul); US Plasma Ops Region 10.2 (Michael W Solomon); US Plasma Ops Region 10.3 (Neville L Bain); US Plasma Ops Region 10.3 (Stephanie D Shah); US Plasma Ops Region 10.4 (Brendi L Cantrell); US Plasma Ops Region 10.4 (Brett A Wintheiser); US Plasma Ops Region 10.4 (Lori Carlson); US Plasma Ops Region 10.4 (Nicole M Loncon); US Plasma Ops Region 10.5 (Melodee C Ebel); US Plasma Ops Region 11 (Joshua D Williamson); US Plasma Ops Region 12 (Brandon L Voege); US Plasma Ops Region 12.1 (Melodee C Ebel); US Plasma Ops Region 12.2 (Kyle M Lehrke); US Plasma Ops Region 12.3 (Alan Maldonado); US Plasma Ops Region 12.4 (Kashaun Muhammad); US Plasma Ops Region 12.4 (Tiffany D Sherman); US Plasma Ops Region 12.5 (Lori Carlson); US Plasma Ops Region 2 (Michael S Beam); US Plasma Ops Region 2.1 (Jose L Dela Garza); US Plasma Ops Region 2.1 (Vida C Chapman); US Plasma Ops Region 2.2 (Daniel Venn); US Plasma Ops Region 2.2 (Sheri Mixon); US Plasma Ops Region 2.3 (Brenda C Greenfield); US Plasma Ops Region 2.3 (Vida C Chapman); US Plasma Ops Region 2.5 (Kandra K Blodgett); US Plasma Ops Region 2.5 (Patrick Garza); US Plasma Ops Region 3 (Angela S Drumright); US Plasma Ops Region 3.1 (Latosha Y Floyd); US Plasma Ops Region 3.2 (Angela S Drumright (Inherited)); US Plasma Ops Region 3.2 (Joshua D Williamson); US Plasma Ops Region 3.2 (Lauren Jenkins); US Plasma Ops Region 3.2 (Marc D Fisher); US Plasma Ops Region 3.3 (Drewleigha B Sarver); US Plasma Ops Region 3.3 (Keith Clemons); US Plasma Ops Region 3.4 (Ashley M Jamieson); US Plasma Ops Region 3.5 (Erik Plate); US Plasma Ops Region 4 (Brannon L Brittain); US Plasma Ops Region 4.1 (Cole D Kimple); US Plasma Ops Region 4.1 (Holt A Peterson); US Plasma Ops Region 4.1 (Tina Wagenknecht); US Plasma Ops Region 4.2 (Jamie E Lawrence); US Plasma Ops Region 4.2 (Troy Lee Wheeler); US Plasma Ops Region 4.3 (Cole D Kimple); US Plasma Ops Region 4.3 (Cory Toellner); US Plasma Ops Region 4.4 (Jesus A Castillo); US Plasma Ops Region 4.5 (Jamie E Lawrence); US Plasma Ops Region 5 (Rhonda C Harp); US Plasma Ops Region 5.1 (Aaron C White); US Plasma Ops Region 5.1 (Keith Clemons); US Plasma Ops Region 5.2 (Brandon S Bridges); US Plasma Ops Region 5.2 (Patti Bailey, Prim J Cunningham); US Plasma Ops Region 5.2 (Prim J Cunningham); US Plasma Ops Region 5.3 (Nicole M Adams); US Plasma Ops Region 5.3 (Patti Bailey); US Plasma Ops Region 5.3 (Rhonda C Harp (Inherited)); US Plasma Ops Region 5.4 (John L Thixton); US Plasma Ops Region 5.5 (Michele Purvines-Honzo); US Plasma Ops Region 6 (Darrel W Simon); US Plasma Ops Region 6.1 (John E Hunt); US Plasma Ops Region 6.1 (Tiffany D Sherman); US Plasma Ops Region 6.2 (Kyle M Lehrke); US Plasma Ops Region 6.2 (Sam Schultz); US Plasma Ops Region 6.3 (Alan Maldonado); US Plasma Ops Region 6.3 (Jose L Dela Garza); US Plasma Ops Region 6.4 (John E Hunt); US Plasma Ops Region 6.4 (Sheri Mixon); US Plasma Ops Region 6.5 (Victoria McIntyre); US Plasma Ops Region 7 (Brandon L Voege); US Plasma Ops Region 7 (Brendi L Cantrell (On Leave)); US Plasma Ops Region 7 (Brendi L Cantrell); US Plasma Ops Region 7.1 (Lori Carlson); US Plasma Ops Region 7.1 (Nicole M Loncon); US Plasma Ops Region 7.1 (Stephanie D Shah); US Plasma Ops Region 7.2 (Christine Thomas); US Plasma Ops Region 7.2 (Christopher Travalik); US Plasma Ops Region 7.3 (Ron Griffin); US Plasma Ops Region 7.4 (Andrew Brammer); US Plasma Ops Region 7.4 (Brendi L Cantrell (On Leave) (Inherited)); US Plasma Ops Region 7.4 (Brett A Wintheiser); US Plasma Ops Region 7.4 (Drewleigha B Sarver); US Plasma Ops Region 7.5 (Christopher Travalik); US Plasma Ops Region 7.5 (Mary A Paul); US Plasma Ops Region 8 (Tammy S Harrison); US Plasma Ops Region 8.1 (David Ensminger); US Plasma Ops Region 8.1 (Derek Erhart); US Plasma Ops Region 8.1 (Matthew Smith); US Plasma Ops Region 8.2 (Ben Samarripas); US Plasma Ops Region 8.2 (Stephanie D Shah); US Plasma Ops Region 8.3 (Andrew Brammer); US Plasma Ops Region 8.3 (Greg McClain); US Plasma Ops Region 8.3 (Neville L Bain); US Plasma Ops Region 8.4 (Derek Erhart); US Plasma Ops Region 8.4 (Michael W Solomon); US Plasma Ops Region 8.4 (Tammy S Harrison (Inherited)); US Plasma Ops Region 8.5 (Derek Erhart); US Plasma Ops Region 8.5 (Patrick Willingham); US Plasma Ops Region 9 (Amanda L Kitchen); US Plasma Region 2.4 (Michael S Beam (Inherited)); US Plasma Region 2.4 (Rosa E Mercado); US Regulatory Affairs (John Hill); US Regulatory Affairs (Kevin Darryl White); US Regulatory Affairs Critical Care/Cardiovascular (Angela D Azzara); US Regulatory Affairs II (Baldevsinh Rana); US Regulatory Affairs III (Paula Clark (On Leave)); US Regulatory Affairs III (Paula Clark); US Sales (Robert Murphy); US State Tax Compliance (Tulasi Veeramachaneni); US Tax Compliance (Eric Lorah); US Tax Compliance (Peter Larsen (Inherited)); USP Engineering (Patrick Rollier); USP Laboratories (Sandra Grunske); USP Manufacturing 1 (Marc Dick); USP Manufacturing 2 (Philipp Steiner); USP Process Technology (Niklas Zink); Umwelt, Plasmabetreuung und Fremdfirmenmanagement (Bjrn Wiesner); Umwelt, Plasmabetreuung und Fremdfirmenmanagement (Bj√∂rn Wiesner); University Relations (Jasmin Senior); Unpaid Diverse (Andreas Gehrich (Inherited)); Unpaid Diverse (Andreas Gehrich); Unpaid Diverse (Annette Pernitzsch (Inherited)); Unpaid Diverse (Annette Pernitzsch); Unpaid Diverse (Claudia Habenicht (Inherited)); Unpaid Diverse (Claudia Habenicht); Unpaid Diverse (Frank Bernert (Inherited)); Unpaid Diverse (Heike Borchert (Inherited)); Unpaid Diverse (Natascha Bock (Inherited)); Unpaid Diverse (Natascha Tappendorf); Unpaid Diverse (Stephani Keltsch); Unpaid Diverse (Sven Schuhmann (Inherited)); Unpaid Diverse (Sven Schuhmann); Upstream Days (Rebecca Briers); Upstream Development (Hans-Wilhelm Beltz); Upstream Development (Stefan Debus); Upstream Manufacturing (Vicky Reading); Upstream Manufacturing - Days (John Meaney); Upstream Shift A (Edward Goulding); Upstream Shift A (Mark Harrop); Upstream Shift B (Mark Harrop); Upstream Shift B (Raymond Brownless); Utilities & Services Engineering (Paul Russell); Utilities & Services Engineering (Peter White); Utilities & Services Engineering Manager (Peter White); Utilities (Kay von Burg); Utilities Critical Systems (Michael D Proctor); Utilities Lengnau (Nozar Basseri); Utilities-Critical Systems (Jeff J Parks); Utilities-Critical Systems (Jim Meils); Utilities-Motive Power (David G Mollema); VAL - Rekombinante Proteine (Kerstin Nau); VAL - Rekombinante Proteine (Verena Koch-Geller); VAL F VIII, IgG & Albumin & Inhibitors (Antje R√∂der); VAL F VIII, IgG & Albumin & Inhibitors (Marco Donges); VAL LIMS-Beauftragte (Eckhard Sch√ºler (Inherited)); VAL Lyophilisierung (Judith Mller); VAL Lyophilisierung (Judith M√ºller); VAL Media Fills & Mikrobiologie (Elke Zameitat); VAL Wissensch. Dokumentation (Eckhard Schler (Inherited)); VAL Wissensch. Dokumentation (Eckhard Sch√ºler (Inherited)); VAL Wundheilung & Intensive Care (Karlheinz Enssle); VAL Wundheilung & Intensive Care (Markus Hilberg); VP Operations 400 (Chris Larkins); VP, Com Operation (Lorna Meldrum); VV-Virus Validation (Wolfram Schfer); VV-Virus Validation (Wolfram Sch√§fer); VV-Virus Validation 1 (Tobias Schrder); VV-Virus Validation 1 (Tobias Schr√§der); VV-Virus Validation 2 (Michaela Gerlach); VV-Virus Validation 3 (Ramona Stau); VV-Virus Validation 3 (Ramona Stau√ü); Validation (Chad Kalia); Validation (Christian Nemeth); Validation (David Turner); Validation (Debra Fisher); Validation (Eckhard Schler); Validation (Eckhard Sch√ºler); Validation (Kah Wen Lee); Validation (Linda Garrett); Validation (Maria Arulruban); Validation (Michel Baur); Validation (Michelle Johnson); Validation (NICHOLA THOMSON); Validation (Ryan Dexter); Validation (Tiffany Korth); Validation I (Chantal Pfaffen); Validation I (Michel Baur (Inherited)); Validation I (Philipp Gersbach); Validation II (Ulrike Hartmann); Validation Process (Peter Tyler); Validation Process (Rebecca Gannon); Validation Process (Russell James Ciliento (Inherited)); Validation QA 1 (Tiffany Korth); Validation QA 2 (Debra Fisher); Validation QA 3 (Linda Garrett); Validation Qualification (Chad Kalia); Validation Specialist 3 Third Party Support (Bhavyesh Pandya); Validation and Stability (Jolyn Hu ?????); Validation and Stability (Xianfeng Guo ); Value Stream - Drug Substance (Barbara Beugger); Vancouver 102 (Larry A Barttelt); Vancouver 102 ACM Area 1 (David B Hammersley); Vancouver 102 ACM Area 2 (Clarissa Halsey); Vancouver 102 QA (Greg R Edge); Viral Vector Bioanalytics (Monica Terrao); Virology & Cell Line Up (Charles McGee); Virus Assay Development and Production (Ben Dickerman); Virus Seed MFG (Adam Kotsubka); Virus Validation (Randel Fang (Inherited)); Virus Validation (Tao Zheng); Virus Validation I (Thomas Nowak); Virus Validation II / Prion Eval. (Wolfram Sch√§fer); Virus Validation III (Bj√∂rn Keiner); Visual Control (Joanna Madafferi (Inherited)); Visual Control (Urs Pflugshaupt); Visual Inspection (Thomas Niedermann); Visual Inspection Precontrol 1 (Georges Schmid); Visual Inspection Precontrol 2 (Daniel Tobler); Visual Inspection and Packing (Claire Petitjean); Visual Inspection and Packing (Clare Schwarz); Visual Inspection semi final prod. 1 (Marlis Erb); Visual Inspection semi final prod.Team 2 (Yvonne Seiler); Visual Inspection semi final prod.Team 3 (Vesile Ciloglu); Visuelle Kontrolle 4 (Christina Vidal-Martinez); Visuelle Kontrolle 4 (Jrg Nickel (Inherited)); Visuelle Kontrolle 4 (J√∂rg Nickel (Inherited)); Vorbehandlung/Brdelung (Michael Welsch); Vorbehandlung/B√∂rdelung (Michael Welsch); WHO & EU Pandemic Vaccines (Ylenia Runci); Waco 084 (Katherine Blount); Waco 084 (Michael Pate Jr); Waco 084 ACM Area 1 (Janet E Jenkins); Waco 084 ACM Area 2 (Rachel I Ramirez); Waco 084 ACM Area 2 (Sharon A Smith); Waco 084 QA (Katherine Blount); Waco 084 QA (Vanessa E Tinsley (On Leave)); Waco 084 QA (Vanessa E Tinsley); Warehouse & Logistics Lengnau (Philipp Kaeser); Warehouse & Transportation (David Dunn); Warehouse & Transportation (Klaus M√ºller); Warehouse (Belinda Thomson); Warehouse (Sam Mekhael); Warehouse (Serge Marques); Warehouse (Uwe Klappstein); Warehouse II (Pavel Miller (On Leave)); Warehouse II (Pavel Miller); Warehouse Operations (Ritchii Lam (Inherited)); Warehouse Operations (Ritchii Lam); Warehouse Supervisor VIC 266 (John Turone (Inherited)); Warehouse Supervisor VIC 266 (Russell Monro); Warehousing (Brian Runner); Warehousing (Jesse Higgins); Warehousing (Noel Burash); Warehousing (Thomas Ryser); Warehousing (Union) (Brian Runner); Warehousing (Union) (Caitlyn Vidas); Warehousing (Union) (Jesse Higgins (Inherited)); Warehousing (Union) (Robin Anderson); Warehousing 1 (Brian Runner); Warehousing GBZ (Walter Kiener); Warehousing Non-Union (Brian Runner (Inherited)); Warehousing Non-Union (Robin Anderson); Warehousing U8 (Martin Hirschi); Warehousing U8 (Matthias Loosli); Warehousing U8 (Rafael Gasser); Warehousing U8 (Thomas Ryser (Inherited)); Warehousing W10 (Patrick Portmann); Warehousing W10 (Thomas Ryser); Warner Robins 509 (Denise Bloodsaw); Warner Robins 509 ACM Area 1 (Bernard Postell); Warner Robins 509 ACM Area 2 (Ta''Neshia Magby); Warner Robins 509 QA (Marilyn Walker); Warner Robins 509 QA (Mary A Paul (Inherited)); Warren 204 (Kimberly Schick); Warren 204 (Kimberly Wrenn); Warren 204 ACM Area 1 (Stephanie M Newland); Warren 204 ACM Area 2 (Daniel Rattay); Warren 204 QA (Jefferson Williams); Warren 204 QA (John Ziegler); Warren 204 QA (Samantha Rouzzo); Warwick 201 (Linda Monteiro); Warwick 201 (Matt Schramm); Warwick 201 ACM Area 1 (Mariela Myers); Warwick 201 ACM Area 2 (Husseim Gomez); Warwick 201 QA (Catherine Colucci); Warwick 201 QA (John L Thixton (Inherited)); Warwick 201 QA (Tessa Grassette); Water Testing (Heike Gocht); Water Testing (Partho Halder); Water Testing (Stefan Wilka); Waters-LAL (J Noel David); Waters/LAL (J Noel David); Weighmaster (Non-Union) (Jeff Keller); Weighmaster (Union) (Jeff Keller); Weighmaster (Union) (Jeffrey Keller); Weslaco 184 (Juan M Ramirez); Weslaco 184 ACM Area 1 (Antonio E Juarez); Weslaco 184 ACM Area 2 (Jesus R Hernandez II); Weslaco 184 QA (Ana Phlipot (On Leave)); Weslaco 184 QA (Ana Phlipot); West Lafayette 411 (Travis F Dill); West Lafayette 411 ACM Area 1 (Marc Baldwin); West Lafayette 411 ACM Area 2 (Alex Visser); West Lafayette 411 QA (Sheryl A Pope); West Specialty Regional Sales (STEPHANIE BESLER); West Specialty Regional Sales (Stephanie Besler); Westland 226 (Corey M Schimming); Westland 226 (Remie T Ray); Westland 226 ACM Area 1 (Kelsie Cremeans); Westland 226 ACM Area 2 (Kirk P Alford II); Westland 226 QA (David Zagorowski); Westwego 153 (Jacqulynn Shankle); Westwego 153 ACM Area 1 (Jacqulynn Shankle); Westwego 153 ACM Area 1 (Nadia Y Grisby); Westwego 153 ACM Area 2 (Regena D Young); Westwego 153 QA (Amanda N Webre); Westwego 153 QA (Brandi N Clark (On Leave)); Westwego 153 QA (Jacqulynn Shankle); Westwego 153 QA (Joshua D Harper); Wholesaler Management (Hideki Yanagihashi ??? ?? - ????? ????); Wichita 263 (Laurie E Boothe); Wichita 263 ACM Area 1 (Sierra Lashbrook); Wichita 263 ACM Area 2 (Mandi Harris); Wichita 263 QA (Cameo Donerson); Wichita 415 (Junior Navarro); Wichita 415 (Sam P Emrich); Wichita 415 ACM Area 1 (Michelle B Duong); Wichita 415 ACM Area 2 (Joel Sutherland); Wichita 415 QA (Erin Shaver); Wichita 415 QA (Laurie E Boothe); Wichita 415 QA (Troy Lee Wheeler (Inherited)); Wilkes Barre 286 (Joseph Frackowiak); Wilkes Barre 286 ACM Area 1 (Cathy Gurzynski); Wilkes Barre 286 ACM Area 2 (Joseph Frackowiak (Inherited)); Wilkes Barre 286 ACM Area 2 (Renee Collins); Wilkes Barre 286 QA (Robin Williams); Willoughby Hills 222 (Frances Campbell (On Leave)); Willoughby Hills 222 (Frances Campbell); Willoughby Hills 222 ACM Area 1 (Amanda Fitzpatrick); Willoughby Hills 222 ACM Area 2 (Breana Brown); Willoughby Hills QA 222 (Bailee E White); Wilmington 228 (Alex Liang); Wilmington 228 (Jack Ellison); Wilmington 228 (John E Hunt (Inherited)); Wilmington 228 ACM Area 1 (Kenneth A Keitt Jr); Wilmington 228 ACM Area 2 (Wendy Dettloff); Wilmington 228 QA (Ben Ward); Wilmington 228 QA (Sam Whitehead); Wilton Manors 073 (Alan Maldonado (Inherited)); Wilton Manors 073 (Benjamin J Morris); Wilton Manors 073 (Michelle S DeCambre); Wilton Manors 073 (Nakia J Harlan); Wilton Manors 073 ACM Area 1 (Darcia Culmer); Wilton Manors 073 ACM Area 2 (Kurt S Tuckett); Wilton Manors 073 ACM Area 2 (Soo-Lin Chang); Wilton Manors 073 ACM Area 3 (Benjamin J Morris); Wilton Manors 073 ACM Area 3 (Nakia J Harlan (Inherited)); Wilton Manors 073 QA (Glenny Arvelaez); Wilton Manors 073 QA (Ryann Chapman); Winston-Salem 124 (Daniel Miclausi); Winston-Salem 124 (Javier Castillo); Winston-Salem 124 ACM Area 1 (Malcolm Childress); Winston-Salem 124 ACM Area 2 (Amanda Jarvis); Winston-Salem 124 ACM Area 2 (Maria Lopez); Winston-Salem 124 QA (Amanda Jarvis); Winston-Salem 124 QA (Beth Majewski); Winston-Salem 124 QA (Mario E Montoya); Wintel (Jason Christides); Witchita 263 (Laurie E Boothe); Witchita 263 QA (Cameo Donerson); Woodend Senior Operator (Brett Walker); Woodend Senior Operator (Lauren Redman); Woonsocket 295 (Catherine Colucci); Woonsocket 295 ACM Area 1 (Jonathan Chenot); Woonsocket 295 ACM Area 2 (Ashley Brown); Woonsocket 295 QA (Michaela Perry); Works Council CSL Behring GmbH (Bernd R√∂√üer); Works Council CSL Behring GmbH (Michael Schrder (Inherited)); Works Council CSL Behring GmbH (Michael Schr√∂der); Works Council CSL Behring GmbH (Reiner D√∂nges); Works Council Chairman (Reiner D√∂nges); Works Councils (Reiner D√∂nges (Inherited)); Wuhan Accounting (Daisy Yang ); Wuhan Accounting (Daisy Yang ????); Wuhan Accounting Finance (Amy Jin ????); Wuhan Accounting Finance (Janet Jin ); Wuhan Accounting Finance (Janet Jin ????); Wuhan Administration Management (CW) (Cris Wang ????? (Inherited)); Wuhan Administration Management (Cris Wang ); Wuhan Administration Management (Cris Wang ?????); Wuhan Administrative Management and Facility Engineering (Fred Pang ?????); Wuhan Administrative Management and Facility Engineering (zcan Campinar); Wuhan Administrative Management and Facility Engineering (√ñzcan Campinar); Wuhan Admistration (Shuiping Zhang ); Wuhan Admistration (Shuiping Zhang ?????); Wuhan Bacteriological Inspection and Animal Trial (CiCi Cheng ); Wuhan Bacteriological Inspection and Animal Trial (CiCi Cheng ????); Wuhan Bioanalytical Sciences (Ming Zuo ); Wuhan Bioanalytical Sciences (Ming Zuo ????); Wuhan Bottle Washing (Weibing Chen ); Wuhan Bottle Washing (Weibing Chen ?????); Wuhan Costing and Financial Planning (Jessie Gao ); Wuhan Costing and Financial Planning (Jessie Gao ?????); Wuhan Environmental Health Safety (Ryan Mao ); Wuhan Environmental Health Safety (Ryan Mao ?????); Wuhan Equipment Maintenance (Jianming Liu ); Wuhan Equipment Maintenance (Jianming Liu ?????); Wuhan Equipment Management (Ming Cao ); Wuhan Equipment Management (Ming Cao ????); Wuhan Equipment Operations (Jun Yin ); Wuhan Equipment Operations (Jun Yin ????); Wuhan Equipment Operations and Maintenance (Rory Yang ); Wuhan Equipment Operations and Maintenance (Rory Yang ?????); Wuhan Finance (Dereck Jiang ); Wuhan Finance (Dereck Jiang ????); Wuhan Human Resources (Grace Yu ????); Wuhan Human Resources Management (Alex Yang ); Wuhan Human Resources Management (Alex Yang ?????); Wuhan Inspection (CW) (Yuemei Huang ????? (Inherited)); Wuhan Inspection (Yuemei Huang ); Wuhan Inspection (Yuemei Huang ?????); Wuhan Manufactuirng Subpackaging Line (Chenyi Guo ); Wuhan Manufactuirng Subpackaging Line (Chenyi Guo ?????); Wuhan Manufacturing Production Management (Liutao Yin ?????); Wuhan Operations (Andrew Tang); Wuhan Packaging (Min Lin ????); Wuhan Physical & Chemical Inspection (Linda Lin ); Wuhan Physical & Chemical Inspection (Linda Lin ????); Wuhan Plasma Inspection (Basin Zhao ); Wuhan Plasma Inspection (Basin Zhao ?????); Wuhan Plasma Sourcing (Lixia He (Inherited)); Wuhan Plasma Sourcing (Qin Chen ????); Wuhan Plasma Sourcing Management (CW) (Lixia He ????? (Inherited)); Wuhan Plasma Sourcing Management (Lixia He ); Wuhan Plasma Sourcing Management (Lixia He ?????); Wuhan Plasma Sourcing Management (Zhibao Qian ?????); Wuhan Plasma and Bacteriological Inspection (Haibo Cheng ); Wuhan Plasma and Bacteriological Inspection (Haibo Cheng ?????); Wuhan Procurement (Chan Liu ????); Wuhan Procurement (Steve Hu ); Wuhan Procurement (Steve Hu ?????); Wuhan Production (Vince Tian ?????); Wuhan Production Management (Zhi Luo ????); Wuhan Production Manufacturing (Elias Francis); Wuhan Production Manufacturing (Ye Xin ????); Wuhan Production Manufacturing (Zhen Wang ????); Wuhan Production Operations (Ye Xin ); Wuhan Production Operations (Ye Xin ????); Wuhan Protein Separation (Songping Xie ); Wuhan Protein Separation (Songping Xie ?????); Wuhan QA Deviation (Ning Ding ); Wuhan QA Deviation (Ning Ding ????); Wuhan QA System (Grace Zhao ); Wuhan QA System (Grace Zhao ????); Wuhan QA Validation (Daoxin Zhu ); Wuhan QA Validation (Daoxin Zhu ?????); Wuhan Quality (Dina El-Emary); Wuhan Quality (Xiaohong Wang ?????); Wuhan Quality Control Inspection (Caixiang Liu ?????); Wuhan Quality Control Ruide (Juergen Liedtke); Wuhan Quality Management (Juergen Liedtke); Wuhan Quality Management (Vivian Zhang ????); Wuhan Quality Systems and Standards (Xiangyang Xia ); Wuhan Quality Systems and Standards (Xiangyang Xia ?????); Wuhan Research and Development (Amory Wang ?????); Wuhan Ruide Compliance (Emma Ma ?????); Wuhan Ruide EIA (Shangqu Shi ?????); Wuhan Ruide Equipment (Zhenzhong Huang ?????); Wuhan Ruide Facilities (Didi Li ?????); Wuhan Ruide Facilities Maintenance (Dexue Hu ?????); Wuhan Ruide QA System & Compliance (Bismarck Huang ?????); Wuhan Ruide Wastewater Treatment (Yuanhui Wang ?????); Wuhan Sales (Jason Xu ????? (Inherited)); Wuhan Sales (Lei Huang ????); Wuhan Solution Preparation (Deqing Mei ); Wuhan Solution Preparation (Deqing Mei ?????); Wuhan Subpackaging Management (Jun Liu ); Wuhan Subpackaging Management (Jun Liu ????); Wuhan Subpackaging Operations (Xin Tian ); Wuhan Subpackaging Operations (Xin Tian ????); Wuhan Technlogy and Quality Study (Lisa Liang ); Wuhan Technlogy and Quality Study (Lisa Liang ????); Wuhan Technology Study (Shawelo Xiao ????); Wuhan Translation team (Mabel Xu ); Wuhan Translation team (Mabel Xu ????); Wuhan Ultrafiltration (Jindi Zhou ); Wuhan Ultrafiltration (Jindi Zhou ?????); Wuhan Water Preparation (Zongrong Liu ); Wuhan Water Preparation (Zongrong Liu ?????); Wyoming 173 (Joe Hicks Jr); Wyoming 173 (Stephanie Gower); Wyoming 173 ACM Area 1 (Jessica Hurlbert); Wyoming 173 ACM Area 2 (AMINA MCPHERSON); Wyoming 173 QA (Brent DeHaan); Wyoming 173 QA (Jared Kurtz); Yeadon 280 (Dominique Holland); Yeadon 280 ACM Area 1 (Therese Algeo); Yeadon 280 ACM Area 2 (TB Bailey); Yeadon 280 QA (Nikki Shaw); York 148 (Brandi Boyles); York 148 ACM Area 1 (Brandi Boyles (Inherited)); York 148 ACM Area 1 (Scottie Johnson Jr); York 148 ACM Area 2 (Stephanie Henry); York 148 QA (Caitie Golubski); York 148 QA (Greg Warren); ZPL Plasma Operations (Klaus Rolshausen (Inherited)); askHR Service ¬ñ TA Support (Anna Tassone); askHR Service ¬ñ TA Support (James Meyer); askHR Shared Services - Tier 1 APAC (Mina Kelepouris); eClinical Operations (Charles Johnson); eR&D Business Support (Simone Dierkes); eSystems (Christina Berninger); eSystems - LIMS Management (Christina Berninger (Inherited)); eSystems - LIMS Management (Stephan Degroth); nan; rzte Berlin (Dorothee Knop); rzte Bielefeld (Dorothee Knop); rzte Braunschweig (Dorothee Knop); rzte Bremen (Dorothee Knop); rzte Frankfurt (Dorothee Knop); rzte Gttingen (Dorothee Knop); rzte Kiel (Dorothee Knop); rzte Nrnberg (Dorothee Knop); support engineer (Deepak Cherian (Inherited)); support engineer (Jamshed Patuck); support engineer (Satya Dara (Inherited)); √Ñrzte (Andreas Gehrich (Inherited)); √Ñrzte (Annette Pernitzsch (Inherited)); √Ñrzte (Claudia Habenicht (Inherited)); √Ñrzte (Heike Borchert); √Ñrzte (Kirsten Scheibel (Inherited)); √Ñrzte (Natascha Bock (Inherited)); √Ñrzte (Stephani Keltsch); √Ñrzte (Sven Schuhmann (Inherited)); √Ñrzte Berlin (Dorothee Knop); √Ñrzte Bielefeld (Dorothee Knop); √Ñrzte Braunschweig (Dorothee Knop); √Ñrzte Bremen (Dorothee Knop); √Ñrzte Frankfurt (Dorothee Knop); √Ñrzte G√∂ttingen (Dorothee Knop); √Ñrzte Kiel (Dorothee Knop); √Ñrzte N√ºrnberg (Dorothee Knop)' pipeline_tag: text-classification inference: true base_model: sentence-transformers/all-mpnet-base-v2 --- # SetFit with sentence-transformers/all-mpnet-base-v2 This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Text Classification. This SetFit model uses [sentence-transformers/all-mpnet-base-v2](https://huggingface.co/sentence-transformers/all-mpnet-base-v2) as the Sentence Transformer embedding model. A [SetFitHead](huggingface.co/docs/setfit/reference/main#setfit.SetFitHead) instance is used for classification. The model has been trained using an efficient few-shot learning technique that involves: 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning. 2. Training a classification head with features from the fine-tuned Sentence Transformer. ## Model Details ### Model Description - **Model Type:** SetFit - **Sentence Transformer body:** [sentence-transformers/all-mpnet-base-v2](https://huggingface.co/sentence-transformers/all-mpnet-base-v2) - **Classification head:** a [SetFitHead](huggingface.co/docs/setfit/reference/main#setfit.SetFitHead) instance - **Maximum Sequence Length:** 384 tokens - **Number of Classes:** 15 classes <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) --> <!-- - **Language:** Unknown --> <!-- - **License:** Unknown --> ### Model Sources - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit) - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055) - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit) ### Model Labels | Label | Examples | |:------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------| | 2 | <ul><li>'FLSA STATUS DESCR: Exempt; Non-Exempt; nan'</li><li>'Pay Rate Type: Hourly; Hourly Salary; Hourly/Salary; Salaried; Salary; nan'</li><li>'Employee Level: Executive; Exempt professional; Non-exempt professional; Supervisor/Manager; nan'</li></ul> | | 3 | <ul><li>'Is Manager<HIDE>: N; Y; nan'</li><li>'Job Level Name: Architect and Lead/Principal Individual Contributor; Architect and¬†Lead/Principal¬†Individual Contributor; Associate/Intern; Chief Architect/Technical Fellow; Chief Operating Officer; Director; EVP; Fellow and Chief Architect; Group President/Sr EVP; Individual Contributor; People Manager/Sr Mgr; President and CEO; SVP; Senior Individual Contributor; Senior Lead/Principal Architect; Sr EVP Chief Financial Officer; Supervisor; Vice President/Counsel/Controller; nan'</li><li>'Is Manager: 0; 1; N; No; Y; Yes; nan'</li></ul> | | 5 | <ul><li>'Function/MAG: nan'</li><li>'Functional Pipeline: Communications; Corporate & Government Affairs; Corporate Services; Data Analytics; Design; Digital; Finance; General Management; Human Resources; Legal; Logistics & Services; Manufacturing & Sourcing; Marketing; Merchandising; Product Creation; Product Management; Program/Process Excellence; Retail; Sales; Sports Marketing; Strategic Planning; Technology; Unassigned; Unknown; nan'</li><li>'JobClassDescription: ACCOUNTANTS - DEGREED; ADMINISTRATIVE SUPPORT; AIDES/ORDERLIES; CLERICAL OFFICE SUPPORT; CLINICAL SUPPORT; DRIVERS; EMPLOYED PHYSICIANS; HOME HEALTH CARE - AIDES; HOME HEALTH CARE - LVN; HOME HEALTH CARE - RN; LICENSED REGISTERED NURSES; LICENSED VOCATIONAL/PRACTICAL NURSES; MANAGERS; NON-PHYSICIAN MEDICAL PRACTITIONERS; OTHER PHYSICIANS; PHYSICIAN PRACTICE - LVN; PHYSICIAN PRACTICE - RN; Physicians (With Benefits); SUPERVISORS; SUPPORT SERVICES PATIENT CARE; TECHNICAL SUPPORT; TECHNICIANS; TECHNOLOGISTS/THERAPISTS; nan'</li></ul> | | 10 | <ul><li>'Corp State: Alabama; Arizona; California; Colorado; Connecticut; Delaware; District of Columbia; Florida; Georgia; Idaho; Illinois; Indiana; Iowa; Is ; Kansas; Kentucky; Louisiana; Maine; Maryland; Massachusetts; Michigan; Milan; Minnesota; Mississippi; Missouri; Montana; Nebraska; Nevada; New Hampshire; New Jersey; New Mexico; New York; North Carolina; Ohio; Oklahoma; Oregon; Pennsylvania; Rhode Island; South Carolina; South Dakota; Tennessee; Texas; Turin; Utah; Virginia; Washington; West Virginia; Wisconsin; nan'</li><li>"location__stateprovince: ??mm?n; Aargau; Agrigento; Aguascalientes; Aichi; Alabama; Alaska; Alberta; Alessandria; Alexandria; Aosta; Arizona; Arkansas; Auckland; Baden-Wurttemberg; Bangkok; Bari; Bavaria; Beijing; Bergamo; Bologna; Brescia; British Columbia; Buenos Aires; Busan; Cagliari; California; Canterbury; Caserta; Catania; Cebu; Central Singapore; Changhua County; Chiayi City; Ciudad de Mexico; Coahuila; Colorado; Como; Connecticut; Cortes; Delaware; District of Columbia; Distrito Federal; Dubai; Estado de M√©xico; Ferrara; Firenze; Florida; Fujian; Fukuoka; Genova; Georgia; Gifu; Graubunden; Guanajuato; Guangdong; Guatemala; Haryana; Hawaii; Hawke's Bay; Hiroshima; Ho Chi Minh; Hokkaido; Hong Kong Island; Hsinchu City; Hubei; Ibaraki; Idaho; Ilan County; Illinois; Indiana; Iowa; Ishikawa; Jakarta Raya; Jalisco; Jiangsu; Johor; Kanagawa; Kansas; Kaohsiung City; Karnataka; Kentucky; Kowloon; Lecce; Liaoning; Livorno; Louisiana; Maharashtra; Maine; Managua; Manitoba; Maryland; Massachusetts; Melaka; Messina; Miaoli County; Michigan; Milano; Minnesota; Mississippi; Missouri; Montana; Monza e Brianza; Morelos; Nagano; Napoli; Nebraska; Nevada; New Hampshire; New Jersey; New Mexico; New South Wales; New Taipei City; New Territories; New York; Newfoundland and Labrador; North Carolina; North Dakota; North Rhine-Westphalia; Nova Scotia; Novara; Nuevo Le√≥n; Ohio; Oklahoma; Ontario; Oregon; Osaka; Otago; PG_Asia_CHN_01; PG_Asia_HKG_01; PI CHE - VF International; Padova; Pahang; Panam√°; Parma; Pennsylvania; Phnom Penh; Piacenza; Pingtung County; Puebla; Puerto Rico; Pulau Pinang (Penang); Quebec; Quer√©taro; Quintana Roo; Rhode Island; Roma; Saitama; Salary; San Jose; San Salvador; Santiago; Saskatchewan; Selangor; Seoul; Shandong; Shanghai; Shanxi; Shizuoka; Sichuan; South Carolina; S√£o Paulo; Tabasco; Taichung City; Tainan City; Taipei City; Tamil Nadu; Taoyuan City; Tennessee; Texas; Tianjin; Ticino; Tochigi; Tokyo; Torino; Toyama; Treviso; Trieste; Utah; Varese; Venezia; Veracruz; Vermont; Verona; Vicenza; Victoria; Virginia; Washington; Wellington; West Virginia; Wilayah Persekutuan Kuala Lumpur; Wilayah Persekutuan Putrajaya; Wisconsin; Wyoming; Yucat√°n; Zhejiang; nan"</li><li>'Home State | Province | Region: Alabama; Arkansas; Bogot√° D.C.; California; Colorado; Delaware; Distrito Federal; Eastern Cape; England; Florida; Gauteng; Georgia; Illinois; Indiana; Iowa; Kentucky; KwaZulu-Natal; Maine; Mexico State; Michigan; Minnesota; Missouri; Nevada; New Hampshire; New Jersey; New York; North Carolina; Ohio; Oregon; Pennsylvania; Puerto Rico; Santander; South Carolina; Tennessee; Texas; Valle del Cauca; Virginia; Washington; Western Cape; Wisconsin; nan'</li></ul> | | 12 | <ul><li>'Tenure Category: 0 - 3 Months; 10 - 12 Months; 10 - 15 Years; 13 - 28 Months; 15 - 20 Years; 19 - 24 Months; 2 - 3 Years; 20+ Years; 3 - 5 Years; 4 - 6 Months; 5 - 10 Years; 7 - 9 Months; nan'</li><li>'Tenure with the Company: 0-3 months; 1-2 years; 11-15 years; 16-20 years; 21-25 years; 26-30 years; 3-5 years; 31 years or more; 4-6 months; 6-10 years; 7-12 months; nan'</li><li>'TENURE - Hire: 1 - 2 years; 11 - 15 years; 16 - 20 years; 3 - 5 years; 6 - 10 years; Less than 1 year; More than 20 years; nan'</li></ul> | | 6 | <ul><li>'Location (Geographic): Argentina; Australia; Brazil; Canada; Canada - Living Sounds; China; China - Beijing; China - Suzhou; China, Beijing; China, Suzhou; Colombia; Dubai; France; Germany; Hungary; India; Israel; Italy; Japan; Kenya; Korea; Malaysia; Mexico, Matamoros; Mexico, Mexico City; New Zealand; Norway; Peru; Phillipines; Poland; Prefer not to answer; Romania; Singapore; United Kingdom; United States; nan'</li><li>'Country Name: Australia; Belgium; Brazil; Canada; Colombia; Costa Rica; France; India; Ireland; Italy; Luxembourg; Mexico; Netherlands; New Zealand; Philippines; Poland; Puerto Rico; Singapore; Spain; United Kingdom; United States of America; nan'</li><li>'Operating Company: MHPS-EDE; nan'</li></ul> | | 9 | <ul><li>"HR Site Group<HIDE>: 84 SOUTH HEALTH CENTER; ACL LABS; ADVOCATE MEDICAL GROUP; AMC Bay Area; AMC GRAFTON; AMC KENOSHA; AMC MANITOWOC COUNTY; AMC OSHKOSH; AMC SUMMIT; AMC WASHINGTON COUNTY; AMG CONTACT CENTER; APP; AURORA BAYCARE MEDICAL CENTER; AURORA CLINICAL CONTACT CENTER; AURORA LAKELAND MEDICAL CENTER; AURORA MEMORIAL HOSPITAL OF BURLINGTON; AURORA PSYCH/BEHAVIORAL HEALTH; Aurora Health Care Medical Group : GBMM; Aurora Health Care Medical Group : GMNSC; Aurora Health Care Medical Group : GMS; Aurora Health Care Medical Group : OFDL; Aurora Health Care Medical Group : OTHER; Aurora Health Care Medical Group : RKL; Aurora Health Care Medical Group : SCWNWC; Aurora Health Care Medical Group : WJ; BROMENN MEDICAL CENTER/EUREKA; CHRIST MEDICAL CENTER; CONDELL MEDICAL CENTER; CORPORATE; Children's Hospital; GOOD SAMARITAN HOSPITAL; GOOD SHEPHERD HOSPITAL; ILLINOIS MASONIC MEDICAL CENTER; LUTHERAN GENERAL HOSPITAL; POST ACUTE NETWORK; SHEBOYGAN MEMORIAL; SHERMAN HOSPITAL; SINAI MEDICAL CENTER; SOUTH SUBURBAN HOSPITAL; ST. LUKE'S SOUTH SHORE; SYSTEM ANCILLARY SERVICES; SYSTEM SUPPORT SERVICES; St. Luke's Medical Center; TRINITY HOSPITAL; WEST ALLIS MEDICAL CENTER; nan"</li><li>'Affiliation(Affiliate): 9010 Admin; BCHC; BVRMC; Cherokee Regional Medical Center; Dubuque VNA; FORT DODGE REGION; GREENE COUNTY MEDICAL CENTER; Grundy Cnty Hospital; HCF Inc; Hancock County Senior Services; IA Health Acc Care; MERITER; Memorial Hospital; Pocahontas Community Hospital; Stewart Memorial Community Hospital; Sumner Comm Hospital; UP Clinic Affiliate; UP at Home Affiliate; UPC Peoria; UPH Allen; UPH CR St Lukes; UPH Contract Svc LC; UPH Des Moines; UPH FD Trinity Hlth; UPH FD Trinity Regnl; UPH Finley; UPH Grinnell; UPH Jones Regional; UPH Marshalltown; UPH Methodist; UPH Methodist Colleg; UPH Musc Trinity; UPH Pekin; UPH Proctor; UPH QC Trinity; UPH SC St Lukes; UPH at Work; UPH at Work QC; UnityPlace; UnityPoint Health - Keokuk; Virginia Gay Hospital; nan'</li><li>'region: ACP; CALIFORNIA; CAROLINAS; CENTRAL ZONE RM; EAST PENN/DE; EAST ZONE RM; FLORIDA; GREAT PLAINS; HANGER CLINIC SHARED SVCS; HANGER RESOURCE CENTER; HEARTLAND; HOUSTON; KEYSTONE; MICHIGAN; MID ATLANTIC; MIDWEST; NATL LABS; NEW ENGLAND; NORTH ATLANTIC; NORTHWEST; NY METRO; NY/NJ; OHIO VALLEY; ROCKY MOUNTAIN; SOUTH CENTRAL; SOUTHEAST; SOUTHWEST; SPS; TEXAS; WEST ZONE RM; nan'</li></ul> | | 4 | <ul><li>'Union Status <HIDE>: I am a member of a union; I am not a member of union; nan'</li><li>"Union Code: 122; 17; 399; 420; 781; AFSCME; AFSCME Local 3279; AFSCME Local 9; ALT; ARSA; Appointed; BDN; BKV; BLE; BMWE; BOL; BRCA; BRD; BRS; BRW; CAF; CAP; CAT; CAW; CBI; CBT; CE1; CE2; CE3; CE4; CEC; CED; CEL; CEN; CEQ; CET; CFC; CFF; CFO; CLB; CMA; CMN; CNA; CNR; COL; CPA; CPE; CPL; CPO; CPT; CSC; CSE; CSU; CTM; CTS; CVT; CX1; CX2; CX3; CX4; DBS; DVR; FNK; FRE; FRS; G01; G02; G04; G05; G06; G07; G08; G09; G10; G11; G12; G13; G14; G15; G16; G17; GCH; GGI; GGO; GGR; GVL; HTC; IAM; IBBB; IBEW; IBFO; IBT Lab Asst; IBT Lab Couriers; IBT PMCA Childrens; IBW; IDA; IUOE; IW; JOA AFSCME/SEIU HCMI; KU1; KU2; Laundry Workers Loca; Local 320; Local 321; Local 363; Local 49ers; MDL; MDX; MNA; MOD; MOO; MUR; Muldraugh Compressor Station; N01; N02; N03; NON; NUHW; NUR; None ; OIL; Operating Engineers; PNT; Police; R01; R02; R04; R05; R06; R10; R11; R12; R13; R15; R16; R17; R18; R19; R20; R22; R23; R24; R25; R26; R27; R31; R32; R33; R35; R36; R37; R38; R39; R40; R41; R42; R45; R46; R47; R48; R49; R50; R52; R55; R56; R57; R58; R59; RFT; RPT; RSP; SCP; SEC; SEIU; SEIU - PCA's at RIM; SMW; SPNNUNAC; STF; Service Emp Intn'l U; TCU; TCUASR; TCU_ICTF; TEAM; TSV; Trades; U; U01; U02; U04; U05; U06; U07; U10; U14; U19; U21; U22; U23; U24; U25; U26; U32; U37; U43; U44; U52; U53; U56; U76; U78; U83; U84; U85; U91; UA3; UAW Local 889; UB7; UB9; UC3; UD7; UD8; UE3; UE5; UE9; UF1; UF2; UF3; UF4; UFCW; UG1; UG5; UN5; UN6; UN7; UN8; UN9; UNAC; UNKNOWN; UPUYC-SP; UPUYC-UP; UTUC; UTUE; UTUT; UTUY-A&S; W02; W03; W04; W05; WC5; YRK; nan"</li></ul> | | 16 | <ul><li>'Shift Question<HIDE>: Yes; nan'</li><li>'Work Schedule: 0-30 Hrs Wk; 0-38.5 Hrs Wk; 1 - 10%; 10 FR-MO; 10 M-TH; 10 M-TU TH-FR; 10 M-WE FR; 10 SU-WED; 10 TU-FR; 10 WE - SA; 11 - 20%; 1ST SHIFT; 21 - 30%; 2ND SHIFT; 31 - 40%; 37 Hrs Wk; 37.5 Hrs Wk; 38 Hrs Wk; 38.5 Hrs Wk; 39 Hrs Wk; 3RD SHIFT; 40 Hrs Wk; 41 - 50%; 41 Hrs Wk; 42.5 Hrs Wk; 44 Hrs Wk; 45 Hrs Wk; 48 Hrs Wk; 5/8 FR-SA Off; 5/8 MO-TU Off; 5/8 SU-MO Off; 5/8 TH-FR Off; 5/8 TU-WE Off; 5/8 WE-TH Off; 51 - 60%; 61 - 70%; 71 - 80%; 8 HRS 8am-5pm; 81 - 90%; 91 - 100%; KRONOS SHIFT 1; KRONOS SHIFT 2; KRONOS SHIFT 3; Mon-Fri 40 Hrs/Wk; OPS FLOOR Mo-Th-Fr; PART-TIME VERT. 60,5%; Part-time Oriz. 50%; Part-time Oriz. 60%; Part-time Oriz. 62%; Part-time Oriz. 62,5%; Part-time Oriz. 75%; Part-time Oriz. 87,5%; STANDARD 8-5; STANDARD 8:30am-5pm; STANDARD 8am - 5pm; STANDARD 9-5.30; STANDARD 9am - 6pm; STANDARD 9am-6pm; Service Tech. Field; TURNISTA; Turno PT Orizz. 75%; Turno PT Orizz. 87,5%; nan'</li><li>'Shift<HIDE>: 7; B; D; E; L; O; R; W; Z; nan'</li></ul> | | 14 | <ul><li>'What has been your COVID 19 work arrangement?<HIDE>: Furloughed/Closed Location; Office; Other; Reduced Work Schedule; Remote/Work from Home; nan'</li><li>'Ability to Work Remotely<HIDE>: My primary job role can be done remotely with little or no disruption.; My primary job role is a mix - some can be done from anywhere and some can only be done from the physical work location.; My primary job role requires me to be physically present in my workplace.; nan'</li></ul> | | 1 | <ul><li>'Race_Ethnicity: American Indian or Alaska Native (Not Hispanic or Latino) (United States of America); American Indian or Alaskan Native (United States of America); American¬†Indian¬†or¬†Alaskan¬†Native (United States of America); Asian (Not Hispanic or Latino) (United States of America); Asian (United States of America); Asian - Indian (United Kingdom); Asian - Other (United Kingdom); Asian - Pakistani (United Kingdom); Bai (China); Black - African (United Kingdom); Black - British (United Kingdom); Black - Caribbean (United Kingdom); Black or African American (Not Hispanic or Latino) (United States of America); Black or African American (United States of America); Black¬†or¬†African¬†American (United States of America); Buyei (China); Chinese (Singapore); Dai (China); Dong (China); Han (China); Hani (China); Hispanic or Latino (United States of America); Hispanic/Latino (United States of America); I do not wish to answer. (United States of America); Indian (Singapore); Li (China); Malay (Singapore); Native Hawaiian or Other Pacific Islander (Not Hispanic or Latino) (United States of America); Native Hawaiian or Other Pacific Islander (United States of America); Native¬†Hawaiian¬†or¬†Other¬†Pacific¬†Islander (United States of America); Not Declaring (United Kingdom); Not Reported; Other (Singapore); Other (United Kingdom); Tujia (China); Two or More Races (Not Hispanic or Latino) (United States of America); Two or More Races (United States of America); Two¬†or¬†More¬†Races (United States of America); White (Not Hispanic or Latino) (United States of America); White (United States of America); White - British (United Kingdom); White - Irish (United Kingdom); White - Other (United Kingdom); White - Other European (United Kingdom); Yi (China); Zhuang (China); nan'</li><li>'Which ethnicity/ethnicities do you most identify with?: Asian; Black; Hispanic or Latino; Other; Prefer not to respond; Two or More Races; White; nan'</li><li>'Ethnicity On File: 2 or more races, not Hispanc; American Indian/Alaska Nativ; Asian; Black/African American; Hispanic/Latino; Native Hawaiian/Oth Pacif Is; White; nan'</li></ul> | | 7 | <ul><li>'FM_Merger_Cd: N; Y; nan'</li><li>'Acquisition Hire<HIDE>: Acquisition Hire; Non-Acquisition Hire; nan'</li></ul> | | 8 | <ul><li>'Primary Termination Reason: Retained; Terminate Associate > Involuntary > Attendance; Terminate Associate > Involuntary > Death; Terminate Associate > Involuntary > Elimination of Position; Terminate Associate > Involuntary > Exhaustion of Leave; Terminate Associate > Involuntary > Falsification of Records; Terminate Associate > Involuntary > Gross Misconduct; Terminate Associate > Involuntary > Mutual Consent; Terminate Associate > Involuntary > Not re-new contract; Terminate Associate > Involuntary > Poor Job Performance; Terminate Associate > Involuntary > Severance; Terminate Associate > Involuntary > Tardiness; Terminate Associate > Involuntary > Violation of Rules; Terminate Associate > Involuntary > Workforce Reduction; Terminate Associate > Voluntary > Commute Time; Terminate Associate > Voluntary > Company Instability; Terminate Associate > Voluntary > Dissatisfied with Hours; Terminate Associate > Voluntary > Dissatisfied with Job; Terminate Associate > Voluntary > Dissatisfied with Management; Terminate Associate > Voluntary > Dissatisfied with Pay; Terminate Associate > Voluntary > Dissatisfied with Promotional Opportunities; Terminate Associate > Voluntary > Dissatisfied with Working Conditions; Terminate Associate > Voluntary > Failure to Return from Leave; Terminate Associate > Voluntary > Job Abandonment; Terminate Associate > Voluntary > Military Service; Terminate Associate > Voluntary > Moved; Terminate Associate > Voluntary > Other Employment; Terminate Associate > Voluntary > Personal; Terminate Associate > Voluntary > Retirement; Terminate Associate > Voluntary > Return to School; Terminate Associate > Voluntary > Severance; Terminate Associate > Voluntary > Unknown; Terminate Employee > Voluntary > Benefits; Terminate Employee > Voluntary > Career Change; Terminate Employee > Voluntary > Career Development or Advancement; Terminate Employee > Voluntary > Compensation; Terminate Employee > Voluntary > Continue Education; Terminate Employee > Voluntary > Contract End; Terminate Employee > Voluntary > Conversion; Terminate Employee > Voluntary > Dislike Company; Terminate Employee > Voluntary > Dislike Hours/Schedule; Terminate Employee > Voluntary > Dislike Supervisor; Terminate Employee > Voluntary > Dislike Work; Terminate Employee > Voluntary > Dissatisfied Career Advancement Opportunities; Terminate Employee > Voluntary > Dissatisfied with Benefits; Terminate Employee > Voluntary > Dissatisfied with Benefits Package (Health, Dental, Vision, Life, Retirement, Paid Leave, etc.); Terminate Employee > Voluntary > Dissatisfied with Career Opportunities; Terminate Employee > Voluntary > Dissatisfied with Company Policies; Terminate Employee > Voluntary > Dissatisfied with Compensation Package (Base Salary, Bonus, Commissions, etc.); Terminate Employee > Voluntary > Dissatisfied with Coworkers; Terminate Employee > Voluntary > Dissatisfied with Flexible Work Arrangements (remote work, flexible hours, etc.); Terminate Employee > Voluntary > Dissatisfied with Hours / Schedule; Terminate Employee > Voluntary > Dissatisfied with Industry; Terminate Employee > Voluntary > Dissatisfied with Job; Terminate Employee > Voluntary > Dissatisfied with Location; Terminate Employee > Voluntary > Dissatisfied with Location/Commute; Terminate Employee > Voluntary > Dissatisfied with Management; Terminate Employee > Voluntary > Dissatisfied with Manager Effectiveness; Terminate Employee > Voluntary > Dissatisfied with Organization Culture (Corporate Values, Behaviors, Norms that Guide How People Work); Terminate Employee > Voluntary > Dissatisfied with Pay; Terminate Employee > Voluntary > Dissatisfied with Travel; Terminate Employee > Voluntary > Dissatisfied with Type of Work; Terminate Employee > Voluntary > Dissatisfied with Work Conditions; Terminate Employee > Voluntary > Dissatisfied with Working Conditions; Terminate Employee > Voluntary > Dissatisfied with Worklife Balance; Terminate Employee > Voluntary > Exit Workforce; Terminate Employee > Voluntary > Failed to Return from Leave; Terminate Employee > Voluntary > Failure to Return from Leave; Terminate Employee > Voluntary > Family Obligations; Terminate Employee > Voluntary > Family Reasons; Terminate Employee > Voluntary > Health Concerns; Terminate Employee > Voluntary > Health Reasons; Terminate Employee > Voluntary > Job Abandonment; Terminate Employee > Voluntary > Job Security; Terminate Employee > Voluntary > Join Military; Terminate Employee > Voluntary > Location; Terminate Employee > Voluntary > Military Service; Terminate Employee > Voluntary > Moved; Terminate Employee > Voluntary > Mutual Agreement (inactive); Terminate Employee > Voluntary > Mutual Consent; Terminate Employee > Voluntary > Never Reported for Orientation; Terminate Employee > Voluntary > Other Employment; Terminate Employee > Voluntary > Personal - Furthering Education (inactive); Terminate Employee > Voluntary > Personal Reasons; Terminate Employee > Voluntary > Relocation; Terminate Employee > Voluntary > Resignation; Terminate Employee > Voluntary > Retirement; Terminate Employee > Voluntary > Return to School; Terminate Employee > Voluntary > Returned to School; Terminate Employee > Voluntary > Self Employment; Terminate Employee > Voluntary > Training; Terminate Employee > Voluntary > Transportation Problems; Terminate Employee > Voluntary > Unknown; Terminate Employee > Voluntary > Work Authorization Not Renewed; Terminate Employee > Voluntary > Workload; nan'</li><li>'Termed Reason: I; V; nan'</li><li>'Voluntary or Retirement<HIDE>: Retirement; Voluntary; nan'</li></ul> | | 11 | <ul><li>'Generation: 18-24 years of age; 25-34 years; 25-34 years of age; 26-35 Yrs; 26-35 years; 35-44 years; 35-44 years of age; 36-45 Yrs; 36-45 years; 45-54 years of age; 45-55 years; 46-55 Yrs; 46-55 years; 55-64 years of age; 65+ years of age; < 25 years; < 26 Yrs; < 26 years; <25 years; > 55 Yrs; > 55 years; >55 years; Baby Boomer; Baby Boomer (born 1946 ¬ñ 1964); Baby Boomers; Baby Boomers ¬ñ 1946 ¬ñ 1965; Gen X; Generation X; Generation X (born 1965 to 1980); Generation X ¬ñ 1965 ¬ñ 1980; Generation Y / Millennials ¬ñ 1981 ¬ñ 1996; Generation Z; Generation Z (born 2001 to 2015); Generation Z ¬ñ 1997 and onwards; Mature (born in 1945 or earlier); Millennial; Millennials; Millennials (born 1981 to 2000); Silent Generation; Silent Generation - 1928 ¬ñ 1945; Traditionalist; nan'</li><li>'Age Bracket: 119.4; 18-24; 18.5; 18.7; 19.1; 19.2; 19.3; 19.4; 19.5; 19.6; 19.7; 19.8; 19.83333333; 19.9; 20 - 29; 20-24; 20-30 Years; 20.3; 20.6; 20.66666667; 20.7; 20.83333333; 20.9; 21; 21.08333333; 21.1; 21.16666667; 21.2; 21.3; 21.4; 21.5; 21.6; 21.66666667; 21.7; 21.8; 21.83333333; 21.9; 22; 22.1; 22.2; 22.3; 22.33333333; 22.4; 22.41666667; 22.5; 22.58333333; 22.6; 22.66666667; 22.7; 22.75; 22.8; 22.9; 23; 23.08333333; 23.1; 23.16666667; 23.2; 23.25; 23.3; 23.33333333; 23.4; 23.41666667; 23.5; 23.58333333; 23.6; 23.7; 23.8; 23.83333333; 23.9; 23.91666667; 24; 24.1; 24.2; 24.3; 24.33333333; 24.4; 24.41666667; 24.5; 24.58333333; 24.6; 24.66666667; 24.7; 24.75; 24.8; 24.83333333; 24.9; 25; 25-30; 25-35; 25-35 ; 25.08333333; 25.1; 25.16666667; 25.2; 25.25; 25.3; 25.33333333; 25.4; 25.41666667; 25.5; 25.58333333; 25.6; 25.66666667; 25.7; 25.75; 25.8; 25.83333333; 25.9; 25.91666667; 26; 26-3; 26-35; 26.08333333; 26.1; 26.16666667; 26.2; 26.25; 26.3; 26.33333333; 26.4; 26.41666667; 26.5; 26.58333333; 26.6; 26.66666667; 26.7; 26.75; 26.8; 26.83333333; 26.9; 26.91666667; 27; 27.08333333; 27.1; 27.16666667; 27.2; 27.25; 27.3; 27.33333333; 27.4; 27.41666667; 27.5; 27.58333333; 27.6; 27.66666667; 27.7; 27.75; 27.8; 27.83333333; 27.9; 27.91666667; 28; 28.08333333; 28.1; 28.16666667; 28.2; 28.25; 28.3; 28.33333333; 28.4; 28.41666667; 28.5; 28.58333333; 28.6; 28.66666667; 28.7; 28.75; 28.8; 28.83333333; 28.9; 28.91666667; 29; 29.08333333; 29.1; 29.16666667; 29.2; 29.25; 29.3; 29.33333333; 29.4; 29.41666667; 29.5; 29.58333333; 29.6; 29.66666667; 29.7; 29.75; 29.8; 29.83333333; 29.9; 29.91666667; 30; 30 - 39; 30-40 Years; 30.08333333; 30.1; 30.16666667; 30.2; 30.25; 30.3; 30.33333333; 30.4; 30.41666667; 30.5; 30.58333333; 30.6; 30.66666667; 30.7; 30.75; 30.8; 30.83333333; 30.9; 30.91666667; 31; 31-40; 31.08333333; 31.1; 31.16666667; 31.2; 31.25; 31.3; 31.33333333; 31.4; 31.41666667; 31.5; 31.58333333; 31.6; 31.66666667; 31.7; 31.75; 31.8; 31.83333333; 31.9; 31.91666667; 32; 32.08333333; 32.1; 32.16666667; 32.2; 32.25; 32.3; 32.33333333; 32.4; 32.41666667; 32.5; 32.58333333; 32.6; 32.66666667; 32.7; 32.75; 32.8; 32.83333333; 32.9; 32.91666667; 33; 33.08333333; 33.1; 33.16666667; 33.2; 33.25; 33.3; 33.33333333; 33.4; 33.41666667; 33.5; 33.58333333; 33.6; 33.66666667; 33.7; 33.75; 33.8; 33.83333333; 33.9; 33.91666667; 34; 34.08333333; 34.1; 34.16666667; 34.2; 34.25; 34.3; 34.33333333; 34.4; 34.41666667; 34.5; 34.58333333; 34.6; 34.66666667; 34.7; 34.75; 34.8; 34.83333333; 34.9; 34.91666667; 35; 35.08333333; 35.1; 35.16666667; 35.2; 35.25; 35.3; 35.33333333; 35.4; 35.41666667; 35.5; 35.58333333; 35.6; 35.66666667; 35.7; 35.75; 35.8; 35.83333333; 35.9; 35.91666667; 36; 36-40; 36-41; 36-45; 36.08333333; 36.1; 36.16666667; 36.2; 36.25; 36.3; 36.33333333; 36.4; 36.41666667; 36.5; 36.58333333; 36.6; 36.66666667; 36.7; 36.75; 36.8; 36.83333333; 36.9; 36.91666667; 37; 37.08333333; 37.1; 37.16666667; 37.2; 37.25; 37.3; 37.33333333; 37.4; 37.41666667; 37.5; 37.58333333; 37.6; 37.66666667; 37.7; 37.75; 37.8; 37.83333333; 37.9; 37.91666667; 38; 38.08333333; 38.1; 38.16666667; 38.2; 38.25; 38.3; 38.33333333; 38.4; 38.41666667; 38.5; 38.58333333; 38.6; 38.66666667; 38.7; 38.75; 38.8; 38.83333333; 38.9; 38.91666667; 39; 39.08333333; 39.1; 39.16666667; 39.2; 39.25; 39.3; 39.33333333; 39.4; 39.41666667; 39.5; 39.58333333; 39.6; 39.66666667; 39.7; 39.75; 39.8; 39.83333333; 39.9; 39.91666667; 40; 40 - 49; 40-50 Years; 40.08333333; 40.1; 40.16666667; 40.2; 40.25; 40.3; 40.33333333; 40.4; 40.41666667; 40.5; 40.58333333; 40.6; 40.66666667; 40.7; 40.75; 40.8; 40.83333333; 40.9; 40.91666667; 41; 41-49; 41-50; 41.08333333; 41.1; 41.16666667; 41.2; 41.25; 41.3; 41.33333333; 41.4; 41.41666667; 41.5; 41.58333333; 41.6; 41.66666667; 41.7; 41.75; 41.8; 41.83333333; 41.9; 41.91666667; 42; 42.08333333; 42.1; 42.16666667; 42.2; 42.25; 42.3; 42.33333333; 42.4; 42.41666667; 42.5; 42.58333333; 42.6; 42.66666667; 42.7; 42.75; 42.8; 42.83333333; 42.9; 42.91666667; 43; 43.08333333; 43.1; 43.16666667; 43.2; 43.25; 43.3; 43.33333333; 43.4; 43.41666667; 43.5; 43.58333333; 43.6; 43.66666667; 43.7; 43.75; 43.8; 43.83333333; 43.9; 43.91666667; 44; 44.08333333; 44.1; 44.16666667; 44.2; 44.25; 44.3; 44.33333333; 44.4; 44.41666667; 44.5; 44.58333333; 44.6; 44.66666667; 44.7; 44.75; 44.8; 44.83333333; 44.9; 44.91666667; 45; 45.08333333; 45.1; 45.16666667; 45.2; 45.25; 45.3; 45.33333333; 45.4; 45.41666667; 45.5; 45.58333333; 45.6; 45.66666667; 45.7; 45.75; 45.8; 45.83333333; 45.9; 45.91666667; 46; 46-54; 46.08333333; 46.1; 46.16666667; 46.2; 46.25; 46.3; 46.33333333; 46.4; 46.41666667; 46.5; 46.58333333; 46.6; 46.66666667; 46.7; 46.75; 46.8; 46.83333333; 46.9; 46.91666667; 47; 47.08333333; 47.1; 47.16666667; 47.2; 47.25; 47.3; 47.33333333; 47.4; 47.41666667; 47.5; 47.58333333; 47.6; 47.66666667; 47.7; 47.75; 47.8; 47.83333333; 47.9; 47.91666667; 48; 48.08333333; 48.1; 48.16666667; 48.2; 48.25; 48.3; 48.33333333; 48.4; 48.41666667; 48.5; 48.58333333; 48.6; 48.66666667; 48.7; 48.75; 48.8; 48.83333333; 48.9; 48.91666667; 49; 49.08333333; 49.1; 49.16666667; 49.2; 49.25; 49.3; 49.33333333; 49.4; 49.41666667; 49.5; 49.58333333; 49.6; 49.66666667; 49.7; 49.75; 49.8; 49.83333333; 49.9; 49.91666667; 50; 50 - 59; 50-60 Years; 50-64; 50.1; 50.16666667; 50.2; 50.25; 50.3; 50.33333333; 50.4; 50.41666667; 50.5; 50.58333333; 50.6; 50.66666667; 50.7; 50.75; 50.8; 50.83333333; 50.9; 50.91666667; 51; 51+; 51.08333333; 51.1; 51.16666667; 51.2; 51.25; 51.3; 51.33333333; 51.4; 51.41666667; 51.5; 51.58333333; 51.6; 51.66666667; 51.7; 51.75; 51.8; 51.83333333; 51.9; 51.91666667; 52; 52.08333333; 52.1; 52.16666667; 52.2; 52.25; 52.3; 52.33333333; 52.4; 52.41666667; 52.5; 52.58333333; 52.6; 52.66666667; 52.7; 52.75; 52.8; 52.83333333; 52.9; 52.91666667; 53; 53.08333333; 53.1; 53.16666667; 53.2; 53.25; 53.3; 53.33333333; 53.4; 53.41666667; 53.5; 53.58333333; 53.6; 53.66666667; 53.7; 53.75; 53.8; 53.83333333; 53.9; 53.91666667; 54; 54.08333333; 54.1; 54.16666667; 54.2; 54.25; 54.3; 54.33333333; 54.4; 54.41666667; 54.5; 54.58333333; 54.6; 54.66666667; 54.7; 54.75; 54.8; 54.83333333; 54.9; 54.91666667; 55; 55+; 55.08333333; 55.1; 55.16666667; 55.2; 55.25; 55.3; 55.33333333; 55.4; 55.5; 55.58333333; 55.6; 55.66666667; 55.7; 55.75; 55.8; 55.83333333; 55.9; 55.91666667; 56; 56.08333333; 56.1; 56.16666667; 56.2; 56.25; 56.3; 56.33333333; 56.4; 56.41666667; 56.5; 56.58333333; 56.6; 56.66666667; 56.7; 56.75; 56.8; 56.83333333; 56.9; 56.91666667; 57; 57.08333333; 57.1; 57.16666667; 57.2; 57.25; 57.3; 57.4; 57.41666667; 57.5; 57.6; 57.66666667; 57.7; 57.75; 57.8; 57.83333333; 57.9; 57.91666667; 58; 58.08333333; 58.1; 58.16666667; 58.2; 58.25; 58.3; 58.33333333; 58.4; 58.5; 58.58333333; 58.6; 58.7; 58.75; 58.8; 58.83333333; 58.9; 58.91666667; 59; 59.08333333; 59.1; 59.16666667; 59.2; 59.25; 59.3; 59.33333333; 59.4; 59.41666667; 59.5; 59.58333333; 59.6; 59.7; 59.75; 59.8; 59.83333333; 59.9; 59.91666667; 6; 60; 60 and over; 60.08333333; 60.1; 60.16666667; 60.2; 60.3; 60.33333333; 60.4; 60.41666667; 60.5; 60.6; 60.7; 60.75; 60.8; 60.83333333; 60.9; 60.91666667; 61; 61.1; 61.16666667; 61.2; 61.25; 61.3; 61.4; 61.5; 61.58333333; 61.6; 61.66666667; 61.7; 61.75; 61.8; 61.83333333; 61.9; 61.91666667; 62; 62.1; 62.16666667; 62.2; 62.25; 62.3; 62.33333333; 62.4; 62.41666667; 62.5; 62.58333333; 62.6; 62.66666667; 62.7; 62.8; 62.9; 62.91666667; 63; 63.08333333; 63.1; 63.2; 63.25; 63.3; 63.4; 63.5; 63.58333333; 63.6; 63.66666667; 63.7; 63.75; 63.8; 63.9; 63.91666667; 64; 64.08333333; 64.1; 64.2; 64.33333333; 64.4; 64.5; 64.58333333; 64.6; 64.7; 64.75; 64.8; 64.9; 64.91666667; 65; 65+; 65.1; 65.16666667; 65.2; 65.3; 65.4; 65.41666667; 65.5; 65.6; 65.66666667; 65.7; 65.75; 65.8; 65.83333333; 65.9; 65.91666667; 66; 66.1; 66.2; 66.3; 66.33333333; 66.4; 66.6; 66.7; 66.75; 66.8; 67; 67.08333333; 67.1; 67.2; 67.3; 67.4; 67.5; 67.58333333; 67.6; 67.66666667; 67.7; 67.9; 68; 68.2; 68.3; 68.33333333; 68.4; 68.5; 68.66666667; 68.7; 68.91666667; 69; 69.08333333; 69.3; 69.4; 69.7; 69.8; 69.9; 70; 70.08333333; 70.1; 70.2; 70.25; 70.4; 70.6; 70.7; 71.1; 71.3; 71.4; 71.5; 71.6; 71.9; 72.16666667; 72.5; 72.6; 72.75; 72.8; 73; 73.3; 73.6; 74.16666667; 74.2; 74.4; 75.7; 77.6; 79.25; 935.7; <20; <20 Years; <=25; >=60 Years; AAB00366417; AAB10011157; Baby Boomer; F; Gen X; Gen Y / Millennial; Less than 18; M; Traditionalist; Under 20; nan'</li><li>'age_band: 18-25; 20 - 29; 26-35; 30 - 39; 36-45; 40 - 49; 46-55; 50 - 59; 56 and above; 60 and over; Under 20; nan'</li></ul> | | 0 | <ul><li>'Employee_Gender: F; M; nan'</li><li>'O_Gender: F; Female; M; Male; U; Unknown; nan'</li><li>'Gender: -; 0; 1 Individual Contributor; 10 Individual Contributor; 119; 17; 18; 19; 20; 20-29; 21; 22; 23; 24; 25; 26; 27; 28; 29; 30; 30-39; 31; 32; 33; 34; 35; 36; 37; 38; 39; 40; 40-49; 41; 42; 43; 44; 45; 46; 47; 48; 49; 50; 50-59; 51; 52; 53; 54; 55; 56; 57; 58; 59; 60; 61; 62; 63; 64; 65; 66; 67; 68; 69; 70; 71; 72; 73; 74; 75; 76; 77; 78; 79; 8 Sr. Manager; 80; 81; 83; 88; 89; 9 Manager; 9 manager; 90; 91; 935; ?; Agender; Asian; Bay; Bayan; Choose not to respond; Contractor; D; DJO Export; Decline; Decline to State; Decline to answer; Decline to state; Director; Do Not Wish to Disclose; F; F ; FEMALE; FEMALE ; Female; Female ; Female ; Femenino; F√©minin; Gender; Gender Nonconforming; Gender non-conforming; Gender variant / non-conforming; I Choose Not to Self Disclose; I Choose not to Disclose; I DO NOT WISH TO SELF-IDENTIFY; I Prefer Not to Answer; I choose not to disclose; I choose not to reply; I decline to self-identify; I do not wish to Self-Identify; I prefer not to answer; I prefer not to say; I prefer to self-describe in another way:; Identity Not Listed; In Another Way; JOANNE STURGESS; JODIE FIDDES; M; M ; MALE; MASCOLINO; Make; Male; Male ; Male ; Masculin; Masculino; N; Non-Binary; Non-Binary/Third Gender; Non-binary; Non-binary / third gender; Non-binary/ third gender; Non-specific; Nonconform; None; Not Available; Not Declared; Not Declaring; Not Disclosed; Not SpeciFemaleied; Not Specifed; Not Specified; Not assigned; Not available; Not declared; Not known; Not_Declared; Not_declared; O; Other; Prefer Not To Answer; Prefer Not To Say; Prefer Not To Self-Identify; Prefer Not to Respond; Prefer Not to Say; Prefer not to answer; Prefer not to disclose; Prefer not to say; Prefer to self-describe; Reassigned; Sex; Transgender; Two or more races; U; UNKNOWN; Undeclared; Undisc; Undisclosed; Unknown; Unspecified; Unused: F; Unused: M; White; Withhold; [NONE]; f; female; m; nan; unknown; unknown '</li></ul> | ## Uses ### Direct Use for Inference First install the SetFit library: ```bash pip install setfit ``` Then you can load this model and run inference. ```python from setfit import SetFitModel # Download from the 🤗 Hub model = SetFitModel.from_pretrained("svorwerk/setfit-fine-tuned-demo-class") # Run inference preds = model("Emp_FLSA: E; N; P; V; X; nan") ``` <!-- ### Downstream Use *List how someone could finetune this model on their own dataset.* --> <!-- ### Out-of-Scope Use *List how the model may foreseeably be misused and address what users ought not to do with the model.* --> <!-- ## Bias, Risks and Limitations *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.* --> <!-- ### Recommendations *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.* --> ## Training Details ### Training Set Metrics | Training set | Min | Median | Max | |:-------------|:----|:---------|:-----| | Word count | 2 | 135.7721 | 6076 | | Label | Training Sample Count | |:------|:----------------------| | 0 | 5 | | 1 | 8 | | 2 | 24 | | 3 | 23 | | 4 | 2 | | 5 | 22 | | 6 | 12 | | 7 | 2 | | 8 | 6 | | 9 | 4 | | 10 | 8 | | 11 | 6 | | 12 | 8 | | 14 | 2 | | 16 | 4 | ### Training Hyperparameters - batch_size: (32, 32) - num_epochs: (4, 4) - max_steps: -1 - sampling_strategy: oversampling - body_learning_rate: (2e-05, 5e-06) - head_learning_rate: 0.002 - loss: CosineSimilarityLoss - distance_metric: cosine_distance - margin: 0.25 - end_to_end: True - use_amp: False - warmup_proportion: 0.1 - l2_weight: 0.01 - max_length: 500 - seed: 42 - eval_max_steps: -1 - load_best_model_at_end: True ### Training Results | Epoch | Step | Training Loss | Validation Loss | |:----------:|:-------:|:-------------:|:---------------:| | 0.0019 | 1 | 0.1915 | - | | 0.0973 | 50 | 0.0902 | - | | 0.1946 | 100 | 0.0364 | - | | 0.2918 | 150 | 0.0042 | - | | 0.3891 | 200 | 0.0012 | - | | 0.4864 | 250 | 0.0009 | - | | 0.5837 | 300 | 0.0006 | - | | 0.6809 | 350 | 0.0005 | - | | 0.7782 | 400 | 0.0011 | - | | 0.8755 | 450 | 0.0003 | - | | **0.9728** | **500** | **0.0005** | **0.0956** | | 1.0700 | 550 | 0.0002 | - | | 1.1673 | 600 | 0.0006 | - | | 1.2646 | 650 | 0.0003 | - | | 1.3619 | 700 | 0.0004 | - | | 1.4591 | 750 | 0.0002 | - | | 1.5564 | 800 | 0.0002 | - | | 1.6537 | 850 | 0.0001 | - | | 1.7510 | 900 | 0.0002 | - | | 1.8482 | 950 | 0.0002 | - | | 1.9455 | 1000 | 0.0002 | 0.0994 | | 2.0428 | 1050 | 0.0002 | - | | 2.1401 | 1100 | 0.0003 | - | | 2.2374 | 1150 | 0.0002 | - | | 2.3346 | 1200 | 0.0001 | - | | 2.4319 | 1250 | 0.0001 | - | | 2.5292 | 1300 | 0.0001 | - | | 2.6265 | 1350 | 0.0001 | - | | 2.7237 | 1400 | 0.0001 | - | | 2.8210 | 1450 | 0.0001 | - | | 2.9183 | 1500 | 0.0001 | 0.0975 | | 3.0156 | 1550 | 0.0001 | - | | 3.1128 | 1600 | 0.0001 | - | | 3.2101 | 1650 | 0.0004 | - | | 3.3074 | 1700 | 0.0002 | - | | 3.4047 | 1750 | 0.0001 | - | | 3.5019 | 1800 | 0.0002 | - | | 3.5992 | 1850 | 0.0001 | - | | 3.6965 | 1900 | 0.0001 | - | | 3.7938 | 1950 | 0.0001 | - | | 3.8911 | 2000 | 0.0001 | 0.0987 | | 3.9883 | 2050 | 0.0002 | - | * The bold row denotes the saved checkpoint. ### Framework Versions - Python: 3.10.12 - SetFit: 1.0.3 - Sentence Transformers: 2.2.2 - Transformers: 4.37.1 - PyTorch: 2.1.0+cu121 - Datasets: 2.16.1 - Tokenizers: 0.15.1 ## Citation ### BibTeX ```bibtex @article{https://doi.org/10.48550/arxiv.2209.11055, doi = {10.48550/ARXIV.2209.11055}, url = {https://arxiv.org/abs/2209.11055}, author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren}, keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences}, title = {Efficient Few-Shot Learning Without Prompts}, publisher = {arXiv}, year = {2022}, copyright = {Creative Commons Attribution 4.0 International} } ``` <!-- ## Glossary *Clearly define terms in order to be accessible across audiences.* --> <!-- ## Model Card Authors *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.* --> <!-- ## Model Card Contact *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.* -->
MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T19:40:12Z
38
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "ignos/LeoScorpius-GreenNode-Platypus-7B-v1", "pytorch", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T19:31:27Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - ignos/LeoScorpius-GreenNode-Platypus-7B-v1 - pytorch - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./LeoScorpius-GreenNode-Platypus-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
lockylocks/Pixelcopter-PLE-v0
lockylocks
2024-01-27T19:38:30Z
0
0
null
[ "Pixelcopter-PLE-v0", "reinforce", "reinforcement-learning", "custom-implementation", "deep-rl-class", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T19:38:00Z
--- tags: - Pixelcopter-PLE-v0 - reinforce - reinforcement-learning - custom-implementation - deep-rl-class model-index: - name: Pixelcopter-PLE-v0 results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: Pixelcopter-PLE-v0 type: Pixelcopter-PLE-v0 metrics: - type: mean_reward value: 17.70 +/- 16.31 name: mean_reward verified: false --- # **Reinforce** Agent playing **Pixelcopter-PLE-v0** This is a trained model of a **Reinforce** agent playing **Pixelcopter-PLE-v0** . To learn to use this model and train yours check Unit 4 of the Deep Reinforcement Learning Course: https://huggingface.co/deep-rl-course/unit4/introduction
tablane/distilbert-base-uncased.finetuned-emotion
tablane
2024-01-27T19:31:11Z
94
0
transformers
[ "transformers", "tensorboard", "safetensors", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T19:21:18Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer datasets: - emotion metrics: - accuracy - f1 model-index: - name: distilbert-base-uncased.finetuned-emotion results: - task: name: Text Classification type: text-classification dataset: name: emotion type: emotion config: split split: validation args: split metrics: - name: Accuracy type: accuracy value: 0.924 - name: F1 type: f1 value: 0.9240046085344084 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased.finetuned-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset. It achieves the following results on the evaluation set: - Loss: 0.2149 - Accuracy: 0.924 - F1: 0.9240 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 64 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | 0.814 | 1.0 | 250 | 0.3135 | 0.903 | 0.9013 | | 0.2487 | 2.0 | 500 | 0.2149 | 0.924 | 0.9240 | ### Framework versions - Transformers 4.37.1 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
ntc-ai/SDXL-LoRA-slider.looking-contemplative
ntc-ai
2024-01-27T19:29:33Z
120
0
diffusers
[ "diffusers", "text-to-image", "stable-diffusion-xl", "lora", "template:sd-lora", "template:sdxl-lora", "sdxl-sliders", "ntcai.xyz-sliders", "concept", "en", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:mit", "region:us" ]
text-to-image
2024-01-27T19:29:30Z
--- language: - en thumbnail: "images/evaluate/looking contemplative.../looking contemplative_17_3.0.png" widget: - text: looking contemplative output: url: images/looking contemplative_17_3.0.png - text: looking contemplative output: url: images/looking contemplative_19_3.0.png - text: looking contemplative output: url: images/looking contemplative_20_3.0.png - text: looking contemplative output: url: images/looking contemplative_21_3.0.png - text: looking contemplative output: url: images/looking contemplative_22_3.0.png tags: - text-to-image - stable-diffusion-xl - lora - template:sd-lora - template:sdxl-lora - sdxl-sliders - ntcai.xyz-sliders - concept - diffusers license: "mit" inference: false instance_prompt: "looking contemplative" base_model: "stabilityai/stable-diffusion-xl-base-1.0" --- # ntcai.xyz slider - looking contemplative (SDXL LoRA) | Strength: -3 | Strength: 0 | Strength: 3 | | --- | --- | --- | | <img src="images/looking contemplative_17_-3.0.png" width=256 height=256 /> | <img src="images/looking contemplative_17_0.0.png" width=256 height=256 /> | <img src="images/looking contemplative_17_3.0.png" width=256 height=256 /> | | <img src="images/looking contemplative_19_-3.0.png" width=256 height=256 /> | <img src="images/looking contemplative_19_0.0.png" width=256 height=256 /> | <img src="images/looking contemplative_19_3.0.png" width=256 height=256 /> | | <img src="images/looking contemplative_20_-3.0.png" width=256 height=256 /> | <img src="images/looking contemplative_20_0.0.png" width=256 height=256 /> | <img src="images/looking contemplative_20_3.0.png" width=256 height=256 /> | ## Download Weights for this model are available in Safetensors format. ## Trigger words You can apply this LoRA with trigger words for additional effect: ``` looking contemplative ``` ## Use in diffusers ```python from diffusers import StableDiffusionXLPipeline from diffusers import EulerAncestralDiscreteScheduler import torch pipe = StableDiffusionXLPipeline.from_single_file("https://huggingface.co/martyn/sdxl-turbo-mario-merge-top-rated/blob/main/topRatedTurboxlLCM_v10.safetensors") pipe.to("cuda") pipe.scheduler = EulerAncestralDiscreteScheduler.from_config(pipe.scheduler.config) # Load the LoRA pipe.load_lora_weights('ntc-ai/SDXL-LoRA-slider.looking-contemplative', weight_name='looking contemplative.safetensors', adapter_name="looking contemplative") # Activate the LoRA pipe.set_adapters(["looking contemplative"], adapter_weights=[2.0]) prompt = "medieval rich kingpin sitting in a tavern, looking contemplative" negative_prompt = "nsfw" width = 512 height = 512 num_inference_steps = 10 guidance_scale = 2 image = pipe(prompt, negative_prompt=negative_prompt, width=width, height=height, guidance_scale=guidance_scale, num_inference_steps=num_inference_steps).images[0] image.save('result.png') ``` ## Support the Patreon If you like this model please consider [joining our Patreon](https://www.patreon.com/NTCAI). By joining our Patreon, you'll gain access to an ever-growing library of over 1140+ unique and diverse LoRAs, covering a wide range of styles and genres. You'll also receive early access to new models and updates, exclusive behind-the-scenes content, and the powerful LoRA slider creator, allowing you to craft your own custom LoRAs and experiment with endless possibilities. Your support on Patreon will allow us to continue developing and refining new models. ## Other resources - [CivitAI](https://civitai.com/user/ntc) - Follow ntc on Civit for even more LoRAs - [ntcai.xyz](https://ntcai.xyz) - See ntcai.xyz to find more articles and LoRAs
gufa03/ppo-LunarLander
gufa03
2024-01-27T19:27:19Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T19:26:58Z
--- library_name: stable-baselines3 tags: - LunarLander-v2 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: PPO results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: LunarLander-v2 type: LunarLander-v2 metrics: - type: mean_reward value: 279.70 +/- 19.66 name: mean_reward verified: false --- # **PPO** Agent playing **LunarLander-v2** This is a trained model of a **PPO** agent playing **LunarLander-v2** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```
fendiprime/legal-bert-base-uncased
fendiprime
2024-01-27T19:21:34Z
139
0
transformers
[ "transformers", "pytorch", "safetensors", "bert", "pretraining", "legal", "fill-mask", "en", "license:cc-by-sa-4.0", "endpoints_compatible", "region:us" ]
fill-mask
2024-01-27T19:12:06Z
--- language: en pipeline_tag: fill-mask license: cc-by-sa-4.0 thumbnail: https://i.ibb.co/p3kQ7Rw/Screenshot-2020-10-06-at-12-16-36-PM.png tags: - legal widget: - text: "The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of police." --- **This is a fork of [nlpaueb/legal-bert-base-uncased](https://huggingface.co/nlpaueb/legal-bert-base-uncased)** # LEGAL-BERT: The Muppets straight out of Law School <img align="left" src="https://i.ibb.co/p3kQ7Rw/Screenshot-2020-10-06-at-12-16-36-PM.png" width="100"/> LEGAL-BERT is a family of BERT models for the legal domain, intended to assist legal NLP research, computational law, and legal technology applications. To pre-train the different variations of LEGAL-BERT, we collected 12 GB of diverse English legal text from several fields (e.g., legislation, court cases, contracts) scraped from publicly available resources. Sub-domain variants (CONTRACTS-, EURLEX-, ECHR-) and/or general LEGAL-BERT perform better than using BERT out of the box for domain-specific tasks. A light-weight model (33% the size of BERT-BASE) pre-trained from scratch on legal data with competitive performance is also available. <br/><br/> --- I. Chalkidis, M. Fergadiotis, P. Malakasiotis, N. Aletras and I. Androutsopoulos. "LEGAL-BERT: The Muppets straight out of Law School". In Findings of Empirical Methods in Natural Language Processing (EMNLP 2020) (Short Papers), to be held online, 2020. (https://aclanthology.org/2020.findings-emnlp.261) --- ## Pre-training corpora The pre-training corpora of LEGAL-BERT include: * 116,062 documents of EU legislation, publicly available from EURLEX (http://eur-lex.europa.eu), the repository of EU Law running under the EU Publication Office. * 61,826 documents of UK legislation, publicly available from the UK legislation portal (http://www.legislation.gov.uk). * 19,867 cases from the European Court of Justice (ECJ), also available from EURLEX. * 12,554 cases from HUDOC, the repository of the European Court of Human Rights (ECHR) (http://hudoc.echr.coe.int/eng). * 164,141 cases from various courts across the USA, hosted in the Case Law Access Project portal (https://case.law). * 76,366 US contracts from EDGAR, the database of US Securities and Exchange Commission (SECOM) (https://www.sec.gov/edgar.shtml). ## Pre-training details * We trained BERT using the official code provided in Google BERT's GitHub repository (https://github.com/google-research/bert). * We released a model similar to the English BERT-BASE model (12-layer, 768-hidden, 12-heads, 110M parameters). * We chose to follow the same training set-up: 1 million training steps with batches of 256 sequences of length 512 with an initial learning rate 1e-4. * We were able to use a single Google Cloud TPU v3-8 provided for free from [TensorFlow Research Cloud (TFRC)](https://www.tensorflow.org/tfrc), while also utilizing [GCP research credits](https://edu.google.com/programs/credits/research). Huge thanks to both Google programs for supporting us! * Part of LEGAL-BERT is a light-weight model pre-trained from scratch on legal data, which achieves comparable performance to larger models, while being much more efficient (approximately 4 times faster) with a smaller environmental footprint. ## Models list | Model name | Model Path | Training corpora | | ------------------- | ------------------------------------ | ------------------- | | CONTRACTS-BERT-BASE | `nlpaueb/bert-base-uncased-contracts` | US contracts | | EURLEX-BERT-BASE | `nlpaueb/bert-base-uncased-eurlex` | EU legislation | | ECHR-BERT-BASE | `nlpaueb/bert-base-uncased-echr` | ECHR cases | | LEGAL-BERT-BASE * | `nlpaueb/legal-bert-base-uncased` | All | | LEGAL-BERT-SMALL | `nlpaueb/legal-bert-small-uncased` | All | \* LEGAL-BERT-BASE is the model referred to as LEGAL-BERT-SC in Chalkidis et al. (2020); a model trained from scratch in the legal corpora mentioned below using a newly created vocabulary by a sentence-piece tokenizer trained on the very same corpora. \*\* As many of you expressed interest in the LEGAL-BERT-FP models (those relying on the original BERT-BASE checkpoint), they have been released in Archive.org (https://archive.org/details/legal_bert_fp), as these models are secondary and possibly only interesting for those who aim to dig deeper in the open questions of Chalkidis et al. (2020). ## Load Pretrained Model ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("nlpaueb/legal-bert-base-uncased") model = AutoModel.from_pretrained("nlpaueb/legal-bert-base-uncased") ``` ## Use LEGAL-BERT variants as Language Models | Corpus | Model | Masked token | Predictions | | --------------------------------- | ---------------------------------- | ------------ | ------------ | | | **BERT-BASE-UNCASED** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('new', '0.09'), ('current', '0.04'), ('proposed', '0.03'), ('marketing', '0.03'), ('joint', '0.02') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('torture', '0.32'), ('rape', '0.22'), ('abuse', '0.14'), ('death', '0.04'), ('violence', '0.03') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | ('farm', '0.25'), ('livestock', '0.08'), ('draft', '0.06'), ('domestic', '0.05'), ('wild', '0.05') | | **CONTRACTS-BERT-BASE** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('letter', '0.38'), ('dealer', '0.04'), ('employment', '0.03'), ('award', '0.03'), ('contribution', '0.02') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('death', '0.39'), ('imprisonment', '0.07'), ('contempt', '0.05'), ('being', '0.03'), ('crime', '0.02') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | (('domestic', '0.18'), ('laboratory', '0.07'), ('household', '0.06'), ('personal', '0.06'), ('the', '0.04') | | **EURLEX-BERT-BASE** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('supply', '0.11'), ('cooperation', '0.08'), ('service', '0.07'), ('licence', '0.07'), ('distribution', '0.05') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('torture', '0.66'), ('death', '0.07'), ('imprisonment', '0.07'), ('murder', '0.04'), ('rape', '0.02') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | ('live', '0.43'), ('pet', '0.28'), ('certain', '0.05'), ('fur', '0.03'), ('the', '0.02') | | **ECHR-BERT-BASE** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('second', '0.24'), ('latter', '0.10'), ('draft', '0.05'), ('bilateral', '0.05'), ('arbitration', '0.04') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('torture', '0.99'), ('death', '0.01'), ('inhuman', '0.00'), ('beating', '0.00'), ('rape', '0.00') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | ('pet', '0.17'), ('all', '0.12'), ('slaughtered', '0.10'), ('domestic', '0.07'), ('individual', '0.05') | | **LEGAL-BERT-BASE** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('settlement', '0.26'), ('letter', '0.23'), ('dealer', '0.04'), ('master', '0.02'), ('supplemental', '0.02') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('torture', '1.00'), ('detention', '0.00'), ('arrest', '0.00'), ('rape', '0.00'), ('death', '0.00') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | ('live', '0.67'), ('beef', '0.17'), ('farm', '0.03'), ('pet', '0.02'), ('dairy', '0.01') | | **LEGAL-BERT-SMALL** | | (Contracts) | This [MASK] Agreement is between General Motors and John Murray . | employment | ('license', '0.09'), ('transition', '0.08'), ('settlement', '0.04'), ('consent', '0.03'), ('letter', '0.03') | (ECHR) | The applicant submitted that her husband was subjected to treatment amounting to [MASK] whilst in the custody of Adana Security Directorate | torture | ('torture', '0.59'), ('pain', '0.05'), ('ptsd', '0.05'), ('death', '0.02'), ('tuberculosis', '0.02') | (EURLEX) | Establishing a system for the identification and registration of [MASK] animals and regarding the labelling of beef and beef products . | bovine | ('all', '0.08'), ('live', '0.07'), ('certain', '0.07'), ('the', '0.07'), ('farm', '0.05') ## Evaluation on downstream tasks Consider the experiments in the article "LEGAL-BERT: The Muppets straight out of Law School". Chalkidis et al., 2020, (https://aclanthology.org/2020.findings-emnlp.261) ## Author - Publication ``` @inproceedings{chalkidis-etal-2020-legal, title = "{LEGAL}-{BERT}: The Muppets straight out of Law School", author = "Chalkidis, Ilias and Fergadiotis, Manos and Malakasiotis, Prodromos and Aletras, Nikolaos and Androutsopoulos, Ion", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2020", month = nov, year = "2020", address = "Online", publisher = "Association for Computational Linguistics", doi = "10.18653/v1/2020.findings-emnlp.261", pages = "2898--2904" } ``` ## About Us [AUEB's Natural Language Processing Group](http://nlp.cs.aueb.gr) develops algorithms, models, and systems that allow computers to process and generate natural language texts. The group's current research interests include: * question answering systems for databases, ontologies, document collections, and the Web, especially biomedical question answering, * natural language generation from databases and ontologies, especially Semantic Web ontologies, text classification, including filtering spam and abusive content, * information extraction and opinion mining, including legal text analytics and sentiment analysis, * natural language processing tools for Greek, for example parsers and named-entity recognizers, machine learning in natural language processing, especially deep learning. The group is part of the Information Processing Laboratory of the Department of Informatics of the Athens University of Economics and Business. [Ilias Chalkidis](https://iliaschalkidis.github.io) on behalf of [AUEB's Natural Language Processing Group](http://nlp.cs.aueb.gr) | Github: [@ilias.chalkidis](https://github.com/iliaschalkidis) | Twitter: [@KiddoThe2B](https://twitter.com/KiddoThe2B) |
qutrino/7b-finetune
qutrino
2024-01-27T19:19:18Z
56
0
transformers
[ "transformers", "pytorch", "llama", "text-generation", "dataset:kyujinpy/KOpen-platypus", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T18:17:33Z
--- datasets: - kyujinpy/KOpen-platypus license: apache-2.0 --- beomi/open-llama-2-ko-7b 모델을 kyujinpy/KOpen-platypus 로 학습하였습니다. ## 파인튜닝방법 - lora - lora_r: 16 - lora_alpha: 16 - loca_dropout: 0.05 ## basemodel - beomi/open-llama-2-ko-7b ## instruction dataset - kyujinpy/KOpen-platypus only
MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T19:16:58Z
46
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "ignos/LeoScorpius-GreenNode-Alpaca-7B-v1", "pytorch", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T19:08:14Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - ignos/LeoScorpius-GreenNode-Alpaca-7B-v1 - pytorch - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./LeoScorpius-GreenNode-Alpaca-7B-v1-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
jheuel/lora-trained-xl
jheuel
2024-01-27T19:03:53Z
1
1
diffusers
[ "diffusers", "tensorboard", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "text-to-image", "lora", "template:sd-lora", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail++", "region:us" ]
text-to-image
2024-01-27T13:42:12Z
--- tags: - stable-diffusion-xl - stable-diffusion-xl-diffusers - text-to-image - diffusers - lora - template:sd-lora base_model: stabilityai/stable-diffusion-xl-base-1.0 instance_prompt: a photo of sks dog license: openrail++ --- # SDXL LoRA DreamBooth - jheuel/lora-trained-xl <Gallery /> ## Model description These are jheuel/lora-trained-xl LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0. The weights were trained using [DreamBooth](https://dreambooth.github.io/). LoRA for the text encoder was enabled: False. Special VAE used for training: madebyollin/sdxl-vae-fp16-fix. ## Trigger words You should use a photo of sks dog to trigger the image generation. ## Download model Weights for this model are available in Safetensors format. [Download](jheuel/lora-trained-xl/tree/main) them in the Files & versions tab.
MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T19:00:32Z
61
1
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "lvkaokao/mistral-7b-finetuned-orca-dpo-v2", "pytorch", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T18:51:50Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - lvkaokao/mistral-7b-finetuned-orca-dpo-v2 - pytorch - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./mistral-7b-finetuned-orca-dpo-v2-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
tiagoblima/t5_base-qg-aas-oficial
tiagoblima
2024-01-27T18:47:09Z
90
0
transformers
[ "transformers", "safetensors", "t5", "text2text-generation", "generated_from_trainer", "dataset:tiagoblima/preprocessed-du-qg-squadv1_pt", "base_model:unicamp-dl/ptt5-base-portuguese-vocab", "base_model:finetune:unicamp-dl/ptt5-base-portuguese-vocab", "license:mit", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-27T13:00:17Z
--- license: mit base_model: unicamp-dl/ptt5-base-portuguese-vocab tags: - generated_from_trainer datasets: - tiagoblima/preprocessed-du-qg-squadv1_pt model-index: - name: t5_base-qg-aas-oficial results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # t5_base-qg-aas-oficial This model is a fine-tuned version of [unicamp-dl/ptt5-base-portuguese-vocab](https://huggingface.co/unicamp-dl/ptt5-base-portuguese-vocab) on the tiagoblima/preprocessed-du-qg-squadv1_pt dataset. It achieves the following results on the evaluation set: - Loss: 2.0362 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 32 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-06 - lr_scheduler_type: linear - num_epochs: 5.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.1854 | 1.0 | 1386 | 2.0911 | | 2.048 | 2.0 | 2772 | 2.0533 | | 1.9295 | 3.0 | 4158 | 2.0422 | | 1.9142 | 4.0 | 5544 | 2.0362 | | 1.8512 | 5.0 | 6930 | 2.0399 | ### Framework versions - Transformers 4.35.2 - Pytorch 2.1.0+cu121 - Datasets 2.15.0 - Tokenizers 0.15.1
aloobun/Qwen-1_8B-m4-LDJnr-combined
aloobun
2024-01-27T18:45:48Z
100
1
transformers
[ "transformers", "safetensors", "qwen", "text-generation", "custom_code", "license:apache-2.0", "autotrain_compatible", "region:us" ]
text-generation
2024-01-27T17:02:26Z
--- license: apache-2.0 --- ## Example: ``` from transformers import AutoModelForCausalLM, AutoTokenizer, GenerationConfig tokenizer = AutoTokenizer.from_pretrained("Qwen-1_8B-m4-LDJnr-combined", trust_remote_code=True) model = AutoModelForCausalLM.from_pretrained("Qwen-1_8B-m4-LDJnr-combined", device_map="auto", trust_remote_code=True).eval() response, _ = model.chat(tokenizer, "What kind of a noise annoys a noisy oyster?", history=None) print(response) ```
Min0326/path-to-save-model
Min0326
2024-01-27T18:45:27Z
0
0
diffusers
[ "diffusers", "tensorboard", "safetensors", "stable-diffusion", "stable-diffusion-diffusers", "text-to-image", "dreambooth", "base_model:CompVis/stable-diffusion-v1-4", "base_model:finetune:CompVis/stable-diffusion-v1-4", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2024-01-27T18:14:27Z
--- license: creativeml-openrail-m base_model: CompVis/stable-diffusion-v1-4 instance_prompt: a photo of sks dog tags: - stable-diffusion - stable-diffusion-diffusers - text-to-image - diffusers - dreambooth inference: true --- # DreamBooth - Min0326/path-to-save-model This is a dreambooth model derived from CompVis/stable-diffusion-v1-4. The weights were trained on a photo of sks dog using [DreamBooth](https://dreambooth.github.io/). You can find some example images in the following. DreamBooth for the text encoder was enabled: False.
aloobun/qwen-1_8b-bun-chat
aloobun
2024-01-27T18:41:47Z
94
0
transformers
[ "transformers", "safetensors", "qwen", "text-generation", "multi turn", "chat", "custom_code", "dataset:aloobun/bun_multi_convo", "license:apache-2.0", "autotrain_compatible", "region:us" ]
text-generation
2024-01-23T20:45:15Z
--- license: apache-2.0 tags: - multi turn - chat datasets: - aloobun/bun_multi_convo --- ## Example: ``` from transformers import AutoModelForCausalLM, AutoTokenizer, GenerationConfig tokenizer = AutoTokenizer.from_pretrained("qwen-1_8b-bun-chat", trust_remote_code=True) model = AutoModelForCausalLM.from_pretrained("qwen-1_8b-bun-chat", device_map="auto", trust_remote_code=True).eval() response, _ = model.chat(tokenizer, "Hi, how are you?", history=None) print(response) #response, history = model.chat(tokenizer, "I'm so happy with my new wardrobe! The clothes I bought fit me perfectly and they look great.", history=history) #print(response) ```
Vijaypsb/NeuralPipe-7B-slerp
Vijaypsb
2024-01-27T18:34:56Z
7
0
transformers
[ "transformers", "safetensors", "mistral", "text-generation", "merge", "mergekit", "lazymergekit", "OpenPipe/mistral-ft-optimized-1218", "mlabonne/NeuralHermes-2.5-Mistral-7B", "base_model:OpenPipe/mistral-ft-optimized-1218", "base_model:merge:OpenPipe/mistral-ft-optimized-1218", "base_model:mlabonne/NeuralHermes-2.5-Mistral-7B", "base_model:merge:mlabonne/NeuralHermes-2.5-Mistral-7B", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T18:30:42Z
--- tags: - merge - mergekit - lazymergekit - OpenPipe/mistral-ft-optimized-1218 - mlabonne/NeuralHermes-2.5-Mistral-7B base_model: - OpenPipe/mistral-ft-optimized-1218 - mlabonne/NeuralHermes-2.5-Mistral-7B --- # NeuralPipe-7B-slerp NeuralPipe-7B-slerp is a merge of the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing): * [OpenPipe/mistral-ft-optimized-1218](https://huggingface.co/OpenPipe/mistral-ft-optimized-1218) * [mlabonne/NeuralHermes-2.5-Mistral-7B](https://huggingface.co/mlabonne/NeuralHermes-2.5-Mistral-7B) ## 🧩 Configuration ```yaml slices: - sources: - model: OpenPipe/mistral-ft-optimized-1218 layer_range: [0, 32] - model: mlabonne/NeuralHermes-2.5-Mistral-7B layer_range: [0, 32] merge_method: slerp base_model: OpenPipe/mistral-ft-optimized-1218 parameters: t: - filter: self_attn value: [0, 0.5, 0.3, 0.7, 1] - filter: mlp value: [1, 0.5, 0.7, 0.3, 0] - value: 0.5 dtype: bfloat16 ``` ## 💻 Usage ```python !pip install -qU transformers accelerate from transformers import AutoTokenizer import transformers import torch model = "Vijaypsb/NeuralPipe-7B-slerp" messages = [{"role": "user", "content": "What is a large language model?"}] tokenizer = AutoTokenizer.from_pretrained(model) prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True) pipeline = transformers.pipeline( "text-generation", model=model, torch_dtype=torch.float16, device_map="auto", ) outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95) print(outputs[0]["generated_text"]) ```
asun17904/alum-imdb-bert-base-uncased
asun17904
2024-01-27T18:25:08Z
1
0
pytorch
[ "pytorch", "bert", "en", "license:mit", "region:us" ]
null
2024-01-27T03:55:26Z
--- language: en license: mit library_name: pytorch --- # ALUM Training Baseline |eval_loss|eval_accuracy|epoch| |--|--|--| |0.391|0.919|1.0| |0.385|0.925|2.0| |0.372|0.939|3.0| |0.370|0.941|4.0| |0.374|0.936|5.0| |0.370|0.941|6.0| |0.377|0.934|7.0| |0.373|0.938|8.0| |0.373|0.938|9.0| |0.373|0.938|10.0| |0.374|0.938|11.0| |0.372|0.940|12.0| |0.371|0.941|13.0| |0.372|0.940|14.0| |0.376|0.934|15.0| |0.375|0.936|16.0| |0.372|0.939|17.0| |0.378|0.933|18.0| |0.379|0.932|19.0| |0.372|0.940|20.0| |0.372|0.940|21.0| |0.372|0.939|22.0| |0.372|0.940|23.0| |0.375|0.936|24.0| |0.371|0.941|25.0| |0.375|0.936|26.0| |0.376|0.935|27.0| |0.374|0.937|28.0| |0.372|0.940|29.0| |0.372|0.940|30.0| |0.373|0.938|31.0| |0.372|0.940|32.0| |0.371|0.941|33.0| |0.371|0.941|34.0| |0.371|0.940|35.0| |0.371|0.942|36.0| |0.371|0.942|37.0| |0.371|0.941|38.0| |0.371|0.941|39.0| |0.370|0.941|40.0| |0.371|0.941|41.0| |0.370|0.942|42.0| |0.371|0.940|43.0| |0.370|0.941|44.0| |0.370|0.942|45.0| |0.370|0.942|46.0| |0.370|0.943|47.0| |0.370|0.942|48.0| |0.370|0.942|49.0|
songlab/tokenizer-dna-mlm
songlab
2024-01-27T18:19:00Z
0
2
null
[ "dna", "biology", "genomics", "license:mit", "region:us" ]
null
2023-01-17T17:28:51Z
--- license: mit tags: - dna - biology - genomics --- # Tokenizer for masked language modeling of DNA sequences ```json "vocab": { "[PAD]": 0, "[MASK]": 1, "[UNK]": 2, "a": 3, "c": 4, "g": 5, "t": 6 }, ```
0xmagical/wavelm-study
0xmagical
2024-01-27T18:18:56Z
148
0
transformers
[ "transformers", "tensorboard", "safetensors", "wavlm", "audio-classification", "generated_from_trainer", "base_model:microsoft/wavlm-base-plus", "base_model:finetune:microsoft/wavlm-base-plus", "endpoints_compatible", "region:us" ]
audio-classification
2024-01-22T02:38:58Z
--- base_model: microsoft/wavlm-base-plus tags: - generated_from_trainer metrics: - accuracy model-index: - name: wavelm-study results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # wavelm-study This model is a fine-tuned version of [microsoft/wavlm-base-plus](https://huggingface.co/microsoft/wavlm-base-plus) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.5855 - Accuracy: 0.8691 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - gradient_accumulation_steps: 4 - total_train_batch_size: 64 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.1 - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:-----:|:---------------:|:--------:| | 0.3109 | 1.0 | 7220 | 0.5189 | 0.8643 | | 0.2798 | 2.0 | 14440 | 0.5241 | 0.8661 | | 0.2721 | 3.0 | 21660 | 0.5855 | 0.8691 | ### Framework versions - Transformers 4.37.1 - Pytorch 2.1.2+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
achimvp/a2c-PandaReachDense-v3
achimvp
2024-01-27T18:08:52Z
0
0
stable-baselines3
[ "stable-baselines3", "PandaReachDense-v3", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2024-01-27T17:51:51Z
--- library_name: stable-baselines3 tags: - PandaReachDense-v3 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: A2C results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: PandaReachDense-v3 type: PandaReachDense-v3 metrics: - type: mean_reward value: -0.22 +/- 0.12 name: mean_reward verified: false --- # **A2C** Agent playing **PandaReachDense-v3** This is a trained model of a **A2C** agent playing **PandaReachDense-v3** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```
thangvip/bert-30M-uncased-classification-CMC-fqa-new-100e
thangvip
2024-01-27T18:06:02Z
124
0
transformers
[ "transformers", "tensorboard", "safetensors", "bert", "text-classification", "generated_from_trainer", "base_model:vietgpt/bert-30M-uncased", "base_model:finetune:vietgpt/bert-30M-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T17:57:00Z
--- license: apache-2.0 base_model: vietgpt/bert-30M-uncased tags: - generated_from_trainer metrics: - accuracy model-index: - name: bert-30M-uncased-classification-CMC-fqa-new-100e results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-30M-uncased-classification-CMC-fqa-new-100e This model is a fine-tuned version of [vietgpt/bert-30M-uncased](https://huggingface.co/vietgpt/bert-30M-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.0430 - Accuracy: 1.0 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 100 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | No log | 1.0 | 20 | 3.4282 | 0.0323 | | No log | 2.0 | 40 | 3.4133 | 0.0323 | | No log | 3.0 | 60 | 3.4014 | 0.0645 | | No log | 4.0 | 80 | 3.3872 | 0.1613 | | No log | 5.0 | 100 | 3.3703 | 0.2581 | | No log | 6.0 | 120 | 3.3503 | 0.2903 | | No log | 7.0 | 140 | 3.3193 | 0.5161 | | No log | 8.0 | 160 | 3.2707 | 0.5484 | | No log | 9.0 | 180 | 3.1889 | 0.5484 | | No log | 10.0 | 200 | 3.0520 | 0.4839 | | No log | 11.0 | 220 | 2.8649 | 0.3548 | | No log | 12.0 | 240 | 2.6818 | 0.4839 | | No log | 13.0 | 260 | 2.5264 | 0.5161 | | No log | 14.0 | 280 | 2.3816 | 0.5806 | | No log | 15.0 | 300 | 2.2296 | 0.7419 | | No log | 16.0 | 320 | 2.0829 | 0.7097 | | No log | 17.0 | 340 | 1.9155 | 0.8387 | | No log | 18.0 | 360 | 1.7785 | 0.8065 | | No log | 19.0 | 380 | 1.6237 | 0.8710 | | No log | 20.0 | 400 | 1.4944 | 0.9355 | | No log | 21.0 | 420 | 1.3666 | 0.9355 | | No log | 22.0 | 440 | 1.2578 | 0.9355 | | No log | 23.0 | 460 | 1.1628 | 0.9677 | | No log | 24.0 | 480 | 1.0483 | 0.9355 | | 2.5506 | 25.0 | 500 | 0.9724 | 0.9677 | | 2.5506 | 26.0 | 520 | 0.9024 | 0.9355 | | 2.5506 | 27.0 | 540 | 0.8159 | 0.9677 | | 2.5506 | 28.0 | 560 | 0.7614 | 0.9355 | | 2.5506 | 29.0 | 580 | 0.6883 | 0.9677 | | 2.5506 | 30.0 | 600 | 0.6365 | 0.9677 | | 2.5506 | 31.0 | 620 | 0.5864 | 0.9677 | | 2.5506 | 32.0 | 640 | 0.5423 | 1.0 | | 2.5506 | 33.0 | 660 | 0.4985 | 1.0 | | 2.5506 | 34.0 | 680 | 0.4666 | 1.0 | | 2.5506 | 35.0 | 700 | 0.4262 | 1.0 | | 2.5506 | 36.0 | 720 | 0.3942 | 1.0 | | 2.5506 | 37.0 | 740 | 0.3629 | 1.0 | | 2.5506 | 38.0 | 760 | 0.3336 | 1.0 | | 2.5506 | 39.0 | 780 | 0.3079 | 1.0 | | 2.5506 | 40.0 | 800 | 0.2836 | 1.0 | | 2.5506 | 41.0 | 820 | 0.2579 | 1.0 | | 2.5506 | 42.0 | 840 | 0.2381 | 1.0 | | 2.5506 | 43.0 | 860 | 0.2167 | 1.0 | | 2.5506 | 44.0 | 880 | 0.2053 | 1.0 | | 2.5506 | 45.0 | 900 | 0.1846 | 1.0 | | 2.5506 | 46.0 | 920 | 0.1720 | 1.0 | | 2.5506 | 47.0 | 940 | 0.1579 | 1.0 | | 2.5506 | 48.0 | 960 | 0.1452 | 1.0 | | 2.5506 | 49.0 | 980 | 0.1366 | 1.0 | | 0.4668 | 50.0 | 1000 | 0.1262 | 1.0 | | 0.4668 | 51.0 | 1020 | 0.1165 | 1.0 | | 0.4668 | 52.0 | 1040 | 0.1098 | 1.0 | | 0.4668 | 53.0 | 1060 | 0.1042 | 1.0 | | 0.4668 | 54.0 | 1080 | 0.1022 | 1.0 | | 0.4668 | 55.0 | 1100 | 0.0956 | 1.0 | | 0.4668 | 56.0 | 1120 | 0.0916 | 1.0 | | 0.4668 | 57.0 | 1140 | 0.0875 | 1.0 | | 0.4668 | 58.0 | 1160 | 0.0819 | 1.0 | | 0.4668 | 59.0 | 1180 | 0.0785 | 1.0 | | 0.4668 | 60.0 | 1200 | 0.0761 | 1.0 | | 0.4668 | 61.0 | 1220 | 0.0740 | 1.0 | | 0.4668 | 62.0 | 1240 | 0.0709 | 1.0 | | 0.4668 | 63.0 | 1260 | 0.0692 | 1.0 | | 0.4668 | 64.0 | 1280 | 0.0672 | 1.0 | | 0.4668 | 65.0 | 1300 | 0.0654 | 1.0 | | 0.4668 | 66.0 | 1320 | 0.0653 | 1.0 | | 0.4668 | 67.0 | 1340 | 0.0628 | 1.0 | | 0.4668 | 68.0 | 1360 | 0.0618 | 1.0 | | 0.4668 | 69.0 | 1380 | 0.0608 | 1.0 | | 0.4668 | 70.0 | 1400 | 0.0593 | 1.0 | | 0.4668 | 71.0 | 1420 | 0.0582 | 1.0 | | 0.4668 | 72.0 | 1440 | 0.0579 | 1.0 | | 0.4668 | 73.0 | 1460 | 0.0558 | 1.0 | | 0.4668 | 74.0 | 1480 | 0.0540 | 1.0 | | 0.0861 | 75.0 | 1500 | 0.0528 | 1.0 | | 0.0861 | 76.0 | 1520 | 0.0522 | 1.0 | | 0.0861 | 77.0 | 1540 | 0.0516 | 1.0 | | 0.0861 | 78.0 | 1560 | 0.0502 | 1.0 | | 0.0861 | 79.0 | 1580 | 0.0494 | 1.0 | | 0.0861 | 80.0 | 1600 | 0.0490 | 1.0 | | 0.0861 | 81.0 | 1620 | 0.0484 | 1.0 | | 0.0861 | 82.0 | 1640 | 0.0480 | 1.0 | | 0.0861 | 83.0 | 1660 | 0.0479 | 1.0 | | 0.0861 | 84.0 | 1680 | 0.0476 | 1.0 | | 0.0861 | 85.0 | 1700 | 0.0470 | 1.0 | | 0.0861 | 86.0 | 1720 | 0.0465 | 1.0 | | 0.0861 | 87.0 | 1740 | 0.0455 | 1.0 | | 0.0861 | 88.0 | 1760 | 0.0449 | 1.0 | | 0.0861 | 89.0 | 1780 | 0.0444 | 1.0 | | 0.0861 | 90.0 | 1800 | 0.0444 | 1.0 | | 0.0861 | 91.0 | 1820 | 0.0445 | 1.0 | | 0.0861 | 92.0 | 1840 | 0.0441 | 1.0 | | 0.0861 | 93.0 | 1860 | 0.0439 | 1.0 | | 0.0861 | 94.0 | 1880 | 0.0438 | 1.0 | | 0.0861 | 95.0 | 1900 | 0.0436 | 1.0 | | 0.0861 | 96.0 | 1920 | 0.0434 | 1.0 | | 0.0861 | 97.0 | 1940 | 0.0433 | 1.0 | | 0.0861 | 98.0 | 1960 | 0.0431 | 1.0 | | 0.0861 | 99.0 | 1980 | 0.0430 | 1.0 | | 0.0493 | 100.0 | 2000 | 0.0430 | 1.0 | ### Framework versions - Transformers 4.37.1 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
ergowerd/456456
ergowerd
2024-01-27T18:04:56Z
0
0
null
[ "license:other", "region:us" ]
null
2024-01-27T18:04:56Z
--- license: other license_name: '456654456' license_link: LICENSE ---
prajjusy/finetuned-flan-t5-base-2
prajjusy
2024-01-27T18:00:21Z
0
0
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:google/flan-t5-base", "base_model:adapter:google/flan-t5-base", "region:us" ]
null
2024-01-27T18:00:19Z
--- library_name: peft base_model: google/flan-t5-base --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.7.1
Atharv1104/my-pet-dog
Atharv1104
2024-01-27T17:59:24Z
0
0
null
[ "NxtWave-GenAI-Webinar", "text-to-image", "stable-diffusion", "license:creativeml-openrail-m", "region:us" ]
text-to-image
2024-01-27T17:58:34Z
--- license: creativeml-openrail-m tags: - NxtWave-GenAI-Webinar - text-to-image - stable-diffusion --- ### My-Pet-Dog Dreambooth model trained by Atharv1104 following the "Build your own Gen AI model" session by NxtWave. Project Submission Code: SECOMP-10 Sample pictures of this concept: ![0](https://huggingface.co/Atharv1104/my-pet-dog/resolve/main/sample_images/image1_0.jpg)
stablediffusionapi/cityedgemix
stablediffusionapi
2024-01-27T17:57:57Z
70
1
diffusers
[ "diffusers", "modelslab.com", "stable-diffusion-api", "text-to-image", "ultra-realistic", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2024-01-27T17:55:57Z
--- license: creativeml-openrail-m tags: - modelslab.com - stable-diffusion-api - text-to-image - ultra-realistic pinned: true --- # CityEdgeMix API Inference ![generated from modelslab.com](https://pub-3626123a908346a7a8be8d9295f44e26.r2.dev/generations/15355444701706378095.png) ## Get API Key Get API key from [ModelsLab API](http://modelslab.com), No Payment needed. Replace Key in below code, change **model_id** to "cityedgemix" Coding in PHP/Node/Java etc? Have a look at docs for more code examples: [View docs](https://modelslab.com/docs) Try model for free: [Generate Images](https://modelslab.com/models/cityedgemix) Model link: [View model](https://modelslab.com/models/cityedgemix) View all models: [View Models](https://modelslab.com/models) import requests import json url = "https://modelslab.com/api/v6/images/text2img" payload = json.dumps({ "key": "your_api_key", "model_id": "cityedgemix", "prompt": "ultra realistic close up portrait ((beautiful pale cyberpunk female with heavy black eyeliner)), blue eyes, shaved side haircut, hyper detail, cinematic lighting, magic neon, dark red city, Canon EOS R3, nikon, f/1.4, ISO 200, 1/160s, 8K, RAW, unedited, symmetrical balance, in-frame, 8K", "negative_prompt": "painting, extra fingers, mutated hands, poorly drawn hands, poorly drawn face, deformed, ugly, blurry, bad anatomy, bad proportions, extra limbs, cloned face, skinny, glitchy, double torso, extra arms, extra hands, mangled fingers, missing lips, ugly face, distorted face, extra legs, anime", "width": "512", "height": "512", "samples": "1", "num_inference_steps": "30", "safety_checker": "no", "enhance_prompt": "yes", "seed": None, "guidance_scale": 7.5, "multi_lingual": "no", "panorama": "no", "self_attention": "no", "upscale": "no", "embeddings": "embeddings_model_id", "lora": "lora_model_id", "webhook": None, "track_id": None }) headers = { 'Content-Type': 'application/json' } response = requests.request("POST", url, headers=headers, data=payload) print(response.text) > Use this coupon code to get 25% off **DMGG0RBN**
AdryKab47/Llama-2-7b-4bit-FT-GPTQ-Z
AdryKab47
2024-01-27T17:47:39Z
2
0
transformers
[ "transformers", "llama", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T16:09:16Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
prajjusy/finetuned-flan-t5-base-1
prajjusy
2024-01-27T17:43:11Z
2
0
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:google/flan-t5-base", "base_model:adapter:google/flan-t5-base", "region:us" ]
null
2024-01-27T17:43:09Z
--- library_name: peft base_model: google/flan-t5-base --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.7.1
MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T17:42:47Z
45
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "migtissera/SynthIA-7B-v1.3", "pytorch", "en", "arxiv:2306.02707", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T17:34:02Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - migtissera/SynthIA-7B-v1.3 - pytorch - en - arxiv:2306.02707 - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./SynthIA-7B-v1.3-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
Adhi97/deeplearning-stackoverflow
Adhi97
2024-01-27T17:39:30Z
9
0
transformers
[ "transformers", "safetensors", "mistral", "text-generation", "gpt", "llm", "large language model", "h2o-llmstudio", "en", "autotrain_compatible", "text-generation-inference", "region:us" ]
text-generation
2024-01-27T17:36:38Z
--- language: - en library_name: transformers tags: - gpt - llm - large language model - h2o-llmstudio inference: false thumbnail: https://h2o.ai/etc.clientlibs/h2o/clientlibs/clientlib-site/resources/images/favicon.ico --- # Model Card ## Summary This model was trained using [H2O LLM Studio](https://github.com/h2oai/h2o-llmstudio). - Base model: [mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) ## Usage To use the model with the `transformers` library on a machine with GPUs, first make sure you have the `transformers` library installed. ```bash pip install transformers==4.36.1 ``` Also make sure you are providing your huggingface token to the pipeline if the model is lying in a private repo. - Either leave `token=True` in the `pipeline` and login to hugginface_hub by running ```python import huggingface_hub huggingface_hub.login(<ACCESS_TOKEN>) ``` - Or directly pass your <ACCESS_TOKEN> to `token` in the `pipeline` ```python from transformers import pipeline generate_text = pipeline( model="Adhi97/deeplearning-stackoverflow", torch_dtype="auto", trust_remote_code=True, use_fast=True, device_map={"": "cuda:0"}, token=True, ) res = generate_text( "Why is drinking water so healthy?", min_new_tokens=2, max_new_tokens=256, do_sample=False, num_beams=1, temperature=float(0.0), repetition_penalty=float(1.2), renormalize_logits=True ) print(res[0]["generated_text"]) ``` You can print a sample prompt after the preprocessing step to see how it is feed to the tokenizer: ```python print(generate_text.preprocess("Why is drinking water so healthy?")["prompt_text"]) ``` ```bash <|prompt|>Why is drinking water so healthy?</s><|answer|> ``` Alternatively, you can download [h2oai_pipeline.py](h2oai_pipeline.py), store it alongside your notebook, and construct the pipeline yourself from the loaded model and tokenizer. If the model and the tokenizer are fully supported in the `transformers` package, this will allow you to set `trust_remote_code=False`. ```python from h2oai_pipeline import H2OTextGenerationPipeline from transformers import AutoModelForCausalLM, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained( "Adhi97/deeplearning-stackoverflow", use_fast=True, padding_side="left", trust_remote_code=True, ) model = AutoModelForCausalLM.from_pretrained( "Adhi97/deeplearning-stackoverflow", torch_dtype="auto", device_map={"": "cuda:0"}, trust_remote_code=True, ) generate_text = H2OTextGenerationPipeline(model=model, tokenizer=tokenizer) res = generate_text( "Why is drinking water so healthy?", min_new_tokens=2, max_new_tokens=256, do_sample=False, num_beams=1, temperature=float(0.0), repetition_penalty=float(1.2), renormalize_logits=True ) print(res[0]["generated_text"]) ``` You may also construct the pipeline from the loaded model and tokenizer yourself and consider the preprocessing steps: ```python from transformers import AutoModelForCausalLM, AutoTokenizer model_name = "Adhi97/deeplearning-stackoverflow" # either local folder or huggingface model name # Important: The prompt needs to be in the same format the model was trained with. # You can find an example prompt in the experiment logs. prompt = "<|prompt|>How are you?</s><|answer|>" tokenizer = AutoTokenizer.from_pretrained( model_name, use_fast=True, trust_remote_code=True, ) model = AutoModelForCausalLM.from_pretrained( model_name, torch_dtype="auto", device_map={"": "cuda:0"}, trust_remote_code=True, ) model.cuda().eval() inputs = tokenizer(prompt, return_tensors="pt", add_special_tokens=False).to("cuda") # generate configuration can be modified to your needs tokens = model.generate( input_ids=inputs["input_ids"], attention_mask=inputs["attention_mask"], min_new_tokens=2, max_new_tokens=256, do_sample=False, num_beams=1, temperature=float(0.0), repetition_penalty=float(1.2), renormalize_logits=True )[0] tokens = tokens[inputs["input_ids"].shape[1]:] answer = tokenizer.decode(tokens, skip_special_tokens=True) print(answer) ``` ## Quantization and sharding You can load the models using quantization by specifying ```load_in_8bit=True``` or ```load_in_4bit=True```. Also, sharding on multiple GPUs is possible by setting ```device_map=auto```. ## Model Architecture ``` MistralForCausalLM( (model): MistralModel( (embed_tokens): Embedding(32000, 4096, padding_idx=0) (layers): ModuleList( (0-31): 32 x MistralDecoderLayer( (self_attn): MistralAttention( (q_proj): Linear(in_features=4096, out_features=4096, bias=False) (k_proj): Linear(in_features=4096, out_features=1024, bias=False) (v_proj): Linear(in_features=4096, out_features=1024, bias=False) (o_proj): Linear(in_features=4096, out_features=4096, bias=False) (rotary_emb): MistralRotaryEmbedding() ) (mlp): MistralMLP( (gate_proj): Linear(in_features=4096, out_features=14336, bias=False) (up_proj): Linear(in_features=4096, out_features=14336, bias=False) (down_proj): Linear(in_features=14336, out_features=4096, bias=False) (act_fn): SiLU() ) (input_layernorm): MistralRMSNorm() (post_attention_layernorm): MistralRMSNorm() ) ) (norm): MistralRMSNorm() ) (lm_head): Linear(in_features=4096, out_features=32000, bias=False) ) ``` ## Model Configuration This model was trained using H2O LLM Studio and with the configuration in [cfg.yaml](cfg.yaml). Visit [H2O LLM Studio](https://github.com/h2oai/h2o-llmstudio) to learn how to train your own large language models. ## Disclaimer Please read this disclaimer carefully before using the large language model provided in this repository. Your use of the model signifies your agreement to the following terms and conditions. - Biases and Offensiveness: The large language model is trained on a diverse range of internet text data, which may contain biased, racist, offensive, or otherwise inappropriate content. By using this model, you acknowledge and accept that the generated content may sometimes exhibit biases or produce content that is offensive or inappropriate. The developers of this repository do not endorse, support, or promote any such content or viewpoints. - Limitations: The large language model is an AI-based tool and not a human. It may produce incorrect, nonsensical, or irrelevant responses. It is the user's responsibility to critically evaluate the generated content and use it at their discretion. - Use at Your Own Risk: Users of this large language model must assume full responsibility for any consequences that may arise from their use of the tool. The developers and contributors of this repository shall not be held liable for any damages, losses, or harm resulting from the use or misuse of the provided model. - Ethical Considerations: Users are encouraged to use the large language model responsibly and ethically. By using this model, you agree not to use it for purposes that promote hate speech, discrimination, harassment, or any form of illegal or harmful activities. - Reporting Issues: If you encounter any biased, offensive, or otherwise inappropriate content generated by the large language model, please report it to the repository maintainers through the provided channels. Your feedback will help improve the model and mitigate potential issues. - Changes to this Disclaimer: The developers of this repository reserve the right to modify or update this disclaimer at any time without prior notice. It is the user's responsibility to periodically review the disclaimer to stay informed about any changes. By using the large language model provided in this repository, you agree to accept and comply with the terms and conditions outlined in this disclaimer. If you do not agree with any part of this disclaimer, you should refrain from using the model and any content generated by it.
noureddined/distilbert-base-uncased-finetuned-imdb
noureddined
2024-01-27T17:34:01Z
55
0
transformers
[ "transformers", "tf", "distilbert", "fill-mask", "generated_from_keras_callback", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2024-01-24T02:05:41Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_keras_callback model-index: - name: noureddined/distilbert-base-uncased-finetuned-imdb results: [] --- <!-- This model card has been generated automatically according to the information Keras had access to. You should probably proofread and complete it, then remove this comment. --> # noureddined/distilbert-base-uncased-finetuned-imdb This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Train Loss: 2.8568 - Validation Loss: 2.6152 - Epoch: 0 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - optimizer: {'name': 'AdamWeightDecay', 'learning_rate': {'module': 'transformers.optimization_tf', 'class_name': 'WarmUp', 'config': {'initial_learning_rate': 2e-05, 'decay_schedule_fn': {'module': 'keras.optimizers.schedules', 'class_name': 'PolynomialDecay', 'config': {'initial_learning_rate': 2e-05, 'decay_steps': -688, 'end_learning_rate': 0.0, 'power': 1.0, 'cycle': False, 'name': None}, 'registered_name': None}, 'warmup_steps': 1000, 'power': 1.0, 'name': None}, 'registered_name': 'WarmUp'}, 'decay': 0.0, 'beta_1': 0.9, 'beta_2': 0.999, 'epsilon': 1e-08, 'amsgrad': False, 'weight_decay_rate': 0.01} - training_precision: mixed_float16 ### Training results | Train Loss | Validation Loss | Epoch | |:----------:|:---------------:|:-----:| | 2.8568 | 2.6152 | 0 | ### Framework versions - Transformers 4.35.2 - TensorFlow 2.15.0 - Datasets 2.16.1 - Tokenizers 0.15.1
dhanfort/sludgy-beer-lora1
dhanfort
2024-01-27T17:32:31Z
161
0
transformers
[ "transformers", "safetensors", "bloom", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T16:47:00Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
DouglasPontes/2020-Q2-50p-filtered
DouglasPontes
2024-01-27T17:28:23Z
57
0
transformers
[ "transformers", "pytorch", "roberta", "fill-mask", "generated_from_trainer", "base_model:cardiffnlp/twitter-roberta-base-2019-90m", "base_model:finetune:cardiffnlp/twitter-roberta-base-2019-90m", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2024-01-09T01:27:34Z
--- license: mit base_model: cardiffnlp/twitter-roberta-base-2019-90m tags: - generated_from_trainer model-index: - name: 2020-Q2-50p-filtered results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # 2020-Q2-50p-filtered This model is a fine-tuned version of [cardiffnlp/twitter-roberta-base-2019-90m](https://huggingface.co/cardiffnlp/twitter-roberta-base-2019-90m) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 2.5608 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.98) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1400 - training_steps: 2400000 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:-------:|:---------------:| | No log | 0.03 | 8000 | 2.6645 | | 2.8656 | 0.07 | 16000 | 2.6465 | | 2.8656 | 0.1 | 24000 | 2.6186 | | 2.7946 | 0.13 | 32000 | 2.6235 | | 2.7946 | 0.17 | 40000 | 2.6151 | | 2.7911 | 0.2 | 48000 | 2.6128 | | 2.7911 | 0.24 | 56000 | 2.6010 | | 2.7898 | 0.27 | 64000 | 2.6144 | | 2.7898 | 0.3 | 72000 | 2.5976 | | 2.7791 | 0.34 | 80000 | 2.6006 | | 2.7791 | 0.37 | 88000 | 2.5889 | | 2.7776 | 0.4 | 96000 | 2.5888 | | 2.7776 | 0.44 | 104000 | 2.5842 | | 2.7702 | 0.47 | 112000 | 2.5760 | | 2.7702 | 0.51 | 120000 | 2.5720 | | 2.7661 | 0.54 | 128000 | 2.5710 | | 2.7661 | 0.57 | 136000 | 2.5673 | | 2.7609 | 0.61 | 144000 | 2.5693 | | 2.7609 | 0.64 | 152000 | 2.5623 | | 2.7557 | 0.67 | 160000 | 2.5559 | | 2.7557 | 0.71 | 168000 | 2.5650 | | 2.7584 | 0.74 | 176000 | 2.5584 | | 2.7584 | 0.77 | 184000 | 2.5591 | | 2.7619 | 0.81 | 192000 | 2.5597 | | 2.7619 | 0.84 | 200000 | 2.5650 | | 2.7678 | 0.88 | 208000 | 2.5728 | | 2.7678 | 0.91 | 216000 | 2.5712 | | 2.7735 | 0.94 | 224000 | 2.5729 | | 2.7735 | 0.98 | 232000 | 2.5755 | | 2.777 | 1.01 | 240000 | 2.5715 | | 2.777 | 1.04 | 248000 | 2.5747 | | 2.7692 | 1.08 | 256000 | 2.5782 | | 2.7692 | 1.11 | 264000 | 2.5841 | | 2.7826 | 1.15 | 272000 | 2.5731 | | 2.7826 | 1.18 | 280000 | 2.5836 | | 2.7845 | 1.21 | 288000 | 2.5841 | | 2.7845 | 1.25 | 296000 | 2.5811 | | 2.7909 | 1.28 | 304000 | 2.5928 | | 2.7909 | 1.31 | 312000 | 2.5977 | | 2.7993 | 1.35 | 320000 | 2.6025 | | 2.7993 | 1.38 | 328000 | 2.6072 | | 2.8107 | 1.41 | 336000 | 2.6110 | | 2.8107 | 1.45 | 344000 | 2.6020 | | 2.8102 | 1.48 | 352000 | 2.6065 | | 2.8102 | 1.52 | 360000 | 2.6207 | | 2.8247 | 1.55 | 368000 | 2.6192 | | 2.8247 | 1.58 | 376000 | 2.6224 | | 2.8271 | 1.62 | 384000 | 2.6205 | | 2.8271 | 1.65 | 392000 | 2.6292 | | 2.8415 | 1.68 | 400000 | 2.6348 | | 2.8415 | 1.72 | 408000 | 2.6518 | | 2.842 | 1.75 | 416000 | 2.6465 | | 2.842 | 1.79 | 424000 | 2.6434 | | 2.8431 | 1.82 | 432000 | 2.6414 | | 2.8431 | 1.85 | 440000 | 2.6532 | | 2.8599 | 1.89 | 448000 | 2.6645 | | 2.8599 | 1.92 | 456000 | 2.6651 | | 2.8567 | 1.95 | 464000 | 2.6694 | | 2.8567 | 1.99 | 472000 | 2.6610 | | 2.8682 | 2.02 | 480000 | 2.6877 | | 2.8682 | 2.05 | 488000 | 2.6724 | | 2.8693 | 2.09 | 496000 | 2.6839 | | 2.8693 | 2.12 | 504000 | 2.6923 | | 2.8881 | 2.16 | 512000 | 2.6964 | | 2.8881 | 2.19 | 520000 | 2.6982 | | 2.8874 | 2.22 | 528000 | 2.6961 | | 2.8874 | 2.26 | 536000 | 2.6884 | | 2.8899 | 2.29 | 544000 | 2.7055 | | 2.8899 | 2.32 | 552000 | 2.6988 | | 2.8966 | 2.36 | 560000 | 2.7103 | | 2.8966 | 2.39 | 568000 | 2.7100 | | 2.9 | 2.43 | 576000 | 2.7169 | | 2.9 | 2.46 | 584000 | 2.7180 | | 2.9237 | 2.49 | 592000 | 2.7270 | | 2.9237 | 2.53 | 600000 | 2.7265 | | 2.9236 | 2.56 | 608000 | 2.7323 | | 2.9236 | 2.59 | 616000 | 2.7350 | | 2.9276 | 2.63 | 624000 | 2.7333 | | 2.9276 | 2.66 | 632000 | 2.7345 | | 2.9252 | 2.69 | 640000 | 2.7497 | | 2.9252 | 2.73 | 648000 | 2.7428 | | 2.9364 | 2.76 | 656000 | 2.7392 | | 2.9364 | 2.8 | 664000 | 2.7505 | | 2.9366 | 2.83 | 672000 | 2.7393 | | 2.9366 | 2.86 | 680000 | 2.7372 | | 2.9437 | 2.9 | 688000 | 2.7451 | | 2.9437 | 2.93 | 696000 | 2.7488 | | 2.9483 | 2.96 | 704000 | 2.7586 | | 2.9483 | 3.0 | 712000 | 2.7613 | | 2.9588 | 3.03 | 720000 | 2.7619 | | 2.9588 | 3.07 | 728000 | 2.7680 | | 2.9422 | 3.1 | 736000 | 2.7546 | | 2.9422 | 3.13 | 744000 | 2.7629 | | 2.965 | 3.17 | 752000 | 2.7595 | | 2.965 | 3.2 | 760000 | 2.7763 | | 2.959 | 3.23 | 768000 | 2.7739 | | 2.959 | 3.27 | 776000 | 2.7839 | | 2.9604 | 3.3 | 784000 | 2.7681 | | 2.9604 | 3.33 | 792000 | 2.7816 | | 2.9638 | 3.37 | 800000 | 2.7812 | | 2.9638 | 3.4 | 808000 | 2.7846 | | 2.9704 | 3.44 | 816000 | 2.7766 | | 2.9704 | 3.47 | 824000 | 2.7869 | | 2.9684 | 3.5 | 832000 | 2.7741 | | 2.9684 | 3.54 | 840000 | 2.7735 | | 2.9723 | 3.57 | 848000 | 2.7701 | | 2.9723 | 3.6 | 856000 | 2.7780 | | 2.9734 | 3.64 | 864000 | 2.7833 | | 2.9734 | 3.67 | 872000 | 2.7910 | | 2.9806 | 3.71 | 880000 | 2.7941 | | 2.9806 | 3.74 | 888000 | 2.7997 | | 2.9808 | 3.77 | 896000 | 2.8027 | | 2.9808 | 3.81 | 904000 | 2.7972 | | 3.0008 | 3.84 | 912000 | 2.8026 | | 3.0008 | 3.87 | 920000 | 2.7975 | | 2.9934 | 3.91 | 928000 | 2.7971 | | 2.9934 | 3.94 | 936000 | 2.8030 | | 2.9927 | 3.97 | 944000 | 2.8082 | | 2.9927 | 4.01 | 952000 | 2.8208 | | 3.0013 | 4.04 | 960000 | 2.8129 | | 3.0013 | 4.08 | 968000 | 2.8236 | | 2.9996 | 4.11 | 976000 | 2.8226 | | 2.9996 | 4.14 | 984000 | 2.8273 | | 3.0125 | 4.18 | 992000 | 2.8161 | | 3.0125 | 4.21 | 1000000 | 2.8249 | | 3.0086 | 4.24 | 1008000 | 2.8320 | | 3.0086 | 4.28 | 1016000 | 2.8313 | | 3.0077 | 4.31 | 1024000 | 2.8321 | | 3.0077 | 4.35 | 1032000 | 2.8332 | | 3.0186 | 4.38 | 1040000 | 2.8288 | | 3.0186 | 4.41 | 1048000 | 2.8392 | | 3.0311 | 4.45 | 1056000 | 2.8243 | | 3.0311 | 4.48 | 1064000 | 2.8524 | | 3.0199 | 4.51 | 1072000 | 2.8347 | | 3.0199 | 4.55 | 1080000 | 2.8438 | | 3.0198 | 4.58 | 1088000 | 2.8415 | | 3.0198 | 4.61 | 1096000 | 2.8460 | | 3.0279 | 4.65 | 1104000 | 2.8551 | | 3.0279 | 4.68 | 1112000 | 2.8528 | | 3.0319 | 4.72 | 1120000 | 2.8601 | | 3.0319 | 4.75 | 1128000 | 2.8544 | | 3.0371 | 4.78 | 1136000 | 2.8553 | | 3.0371 | 4.82 | 1144000 | 2.8597 | | 3.038 | 4.85 | 1152000 | 2.8653 | | 3.038 | 4.88 | 1160000 | 2.8560 | | 3.0318 | 4.92 | 1168000 | 2.8602 | | 3.0318 | 4.95 | 1176000 | 2.8484 | | 3.0449 | 4.99 | 1184000 | 2.8612 | | 3.0449 | 5.02 | 1192000 | 2.8598 | | 3.0384 | 5.05 | 1200000 | 2.8581 | | 3.0384 | 5.09 | 1208000 | 2.8481 | | 3.0243 | 5.12 | 1216000 | 2.8458 | | 3.0243 | 5.15 | 1224000 | 2.8494 | | 3.0345 | 5.19 | 1232000 | 2.8544 | | 3.0345 | 5.22 | 1240000 | 2.8488 | | 3.0251 | 5.25 | 1248000 | 2.8453 | | 3.0251 | 5.29 | 1256000 | 2.8464 | | 3.0234 | 5.32 | 1264000 | 2.8486 | | 3.0234 | 5.36 | 1272000 | 2.8436 | | 3.0205 | 5.39 | 1280000 | 2.8476 | | 3.0205 | 5.42 | 1288000 | 2.8327 | | 3.0228 | 5.46 | 1296000 | 2.8452 | | 3.0228 | 5.49 | 1304000 | 2.8372 | | 3.0063 | 5.52 | 1312000 | 2.8306 | | 3.0063 | 5.56 | 1320000 | 2.8411 | | 3.0068 | 5.59 | 1328000 | 2.8273 | | 3.0068 | 5.63 | 1336000 | 2.8343 | | 3.0109 | 5.66 | 1344000 | 2.8328 | | 3.0109 | 5.69 | 1352000 | 2.8431 | | 3.0068 | 5.73 | 1360000 | 2.8332 | | 3.0068 | 5.76 | 1368000 | 2.8275 | | 3.002 | 5.79 | 1376000 | 2.8314 | | 3.002 | 5.83 | 1384000 | 2.8324 | | 3.0037 | 5.86 | 1392000 | 2.8394 | | 3.0037 | 5.89 | 1400000 | 2.8338 | | 3.0086 | 5.93 | 1408000 | 2.8448 | | 3.0086 | 5.96 | 1416000 | 2.8326 | | 2.9977 | 6.0 | 1424000 | 2.8311 | | 2.9977 | 6.03 | 1432000 | 2.8410 | | 2.9984 | 6.06 | 1440000 | 2.8359 | | 2.9984 | 6.1 | 1448000 | 2.8393 | | 3.0095 | 6.13 | 1456000 | 2.8388 | | 3.0095 | 6.16 | 1464000 | 2.8448 | | 3.0051 | 6.2 | 1472000 | 2.8472 | | 3.0051 | 6.23 | 1480000 | 2.8421 | | 3.0142 | 6.27 | 1488000 | 2.8424 | | 3.0142 | 6.3 | 1496000 | 2.8477 | | 3.0149 | 6.33 | 1504000 | 2.8428 | | 3.0149 | 6.37 | 1512000 | 2.8529 | | 3.0147 | 6.4 | 1520000 | 2.8541 | | 3.0147 | 6.43 | 1528000 | 2.8519 | | 3.0205 | 6.47 | 1536000 | 2.8527 | | 3.0205 | 6.5 | 1544000 | 2.8471 | | 3.029 | 6.53 | 1552000 | 2.8583 | | 3.029 | 6.57 | 1560000 | 2.8497 | | 3.024 | 6.6 | 1568000 | 2.8653 | | 3.024 | 6.64 | 1576000 | 2.8553 | | 3.0371 | 6.67 | 1584000 | 2.8653 | | 3.0371 | 6.7 | 1592000 | 2.8604 | | 3.0319 | 6.74 | 1600000 | 2.8624 | | 3.0319 | 6.77 | 1608000 | 2.8657 | | 3.0369 | 6.8 | 1616000 | 2.8616 | | 3.0369 | 6.84 | 1624000 | 2.8667 | | 3.0357 | 6.87 | 1632000 | 2.8660 | | 3.0357 | 6.91 | 1640000 | 2.8682 | | 3.0342 | 6.94 | 1648000 | 2.8676 | | 3.0342 | 6.97 | 1656000 | 2.8815 | | 3.0375 | 7.01 | 1664000 | 2.8667 | | 3.0375 | 7.04 | 1672000 | 2.8735 | | 3.0419 | 7.07 | 1680000 | 2.8788 | | 3.0419 | 7.11 | 1688000 | 2.8767 | | 3.0403 | 7.14 | 1696000 | 2.8812 | | 3.0403 | 7.17 | 1704000 | 2.8795 | | 3.0482 | 7.21 | 1712000 | 2.8805 | | 3.0482 | 7.24 | 1720000 | 2.8794 | | 3.0533 | 7.28 | 1728000 | 2.8788 | | 3.0533 | 7.31 | 1736000 | 2.8844 | | 3.0453 | 7.34 | 1744000 | 2.8709 | | 3.0453 | 7.38 | 1752000 | 2.8835 | | 3.0562 | 7.41 | 1760000 | 2.8891 | | 3.0562 | 7.44 | 1768000 | 2.8903 | | 3.0617 | 7.48 | 1776000 | 2.8849 | | 3.0617 | 7.51 | 1784000 | 2.8766 | | 3.0539 | 7.55 | 1792000 | 2.8872 | | 3.0539 | 7.58 | 1800000 | 2.8981 | | 3.0561 | 7.61 | 1808000 | 2.8862 | | 3.0561 | 7.65 | 1816000 | 2.8940 | | 3.0529 | 7.68 | 1824000 | 2.8874 | | 3.0529 | 7.71 | 1832000 | 2.8839 | | 3.0484 | 7.75 | 1840000 | 2.8838 | | 3.0484 | 7.78 | 1848000 | 2.8856 | | 3.0562 | 7.81 | 1856000 | 2.8984 | | 3.0562 | 7.85 | 1864000 | 2.8844 | | 3.0578 | 7.88 | 1872000 | 2.8874 | | 3.0578 | 7.92 | 1880000 | 2.8887 | | 3.0553 | 7.95 | 1888000 | 2.8798 | | 3.0553 | 7.98 | 1896000 | 2.8789 | | 3.0623 | 8.02 | 1904000 | 2.8968 | | 3.0623 | 8.05 | 1912000 | 2.8834 | | 3.0652 | 8.08 | 1920000 | 2.8902 | | 3.0652 | 8.12 | 1928000 | 2.8822 | | 3.0487 | 8.15 | 1936000 | 2.8844 | | 3.0487 | 8.19 | 1944000 | 2.8909 | | 3.0546 | 8.22 | 1952000 | 2.8915 | | 3.0546 | 8.25 | 1960000 | 2.8870 | | 3.0524 | 8.29 | 1968000 | 2.8828 | | 3.0524 | 8.32 | 1976000 | 2.8781 | | 3.0491 | 8.35 | 1984000 | 2.8948 | | 3.0491 | 8.39 | 1992000 | 2.8904 | | 3.0534 | 8.42 | 2000000 | 2.8839 | | 3.0534 | 8.45 | 2008000 | 2.8918 | | 3.0547 | 8.49 | 2016000 | 2.8739 | | 3.0547 | 8.52 | 2024000 | 2.8684 | | 3.0544 | 8.56 | 2032000 | 2.8740 | | 3.0544 | 8.59 | 2040000 | 2.8784 | | 3.0448 | 8.62 | 2048000 | 2.8758 | | 3.0448 | 8.66 | 2056000 | 2.8801 | | 3.0499 | 8.69 | 2064000 | 2.8793 | | 3.0499 | 8.72 | 2072000 | 2.8707 | | 3.0368 | 8.76 | 2080000 | 2.8722 | | 3.0368 | 8.79 | 2088000 | 2.8752 | | 3.0548 | 8.83 | 2096000 | 2.8880 | | 3.0548 | 8.86 | 2104000 | 2.8781 | | 3.0457 | 8.89 | 2112000 | 2.8825 | | 3.0457 | 8.93 | 2120000 | 2.8827 | | 3.0377 | 8.96 | 2128000 | 2.8810 | | 3.0377 | 8.99 | 2136000 | 2.8727 | | 3.0341 | 9.03 | 2144000 | 2.8750 | | 3.0341 | 9.06 | 2152000 | 2.8638 | | 3.0275 | 9.09 | 2160000 | 2.8690 | | 3.0275 | 9.13 | 2168000 | 2.8660 | | 3.0413 | 9.16 | 2176000 | 2.8578 | | 3.0413 | 9.2 | 2184000 | 2.8692 | | 3.0272 | 9.23 | 2192000 | 2.8702 | | 3.0272 | 9.26 | 2200000 | 2.8707 | | 3.034 | 9.3 | 2208000 | 2.8666 | | 3.034 | 9.33 | 2216000 | 2.8734 | | 3.0346 | 9.36 | 2224000 | 2.8685 | | 3.0346 | 9.4 | 2232000 | 2.8675 | | 3.0234 | 9.43 | 2240000 | 2.8662 | | 3.0234 | 9.47 | 2248000 | 2.8670 | | 3.0256 | 9.5 | 2256000 | 2.8764 | | 3.0256 | 9.53 | 2264000 | 2.8664 | | 3.0232 | 9.57 | 2272000 | 2.8625 | | 3.0232 | 9.6 | 2280000 | 2.8647 | | 3.0309 | 9.63 | 2288000 | 2.8561 | | 3.0309 | 9.67 | 2296000 | 2.8657 | | 3.0254 | 9.7 | 2304000 | 2.8667 | | 3.0254 | 9.73 | 2312000 | 2.8618 | | 3.0198 | 9.77 | 2320000 | 2.8650 | | 3.0198 | 9.8 | 2328000 | 2.8630 | | 3.0109 | 9.84 | 2336000 | 2.8533 | | 3.0109 | 9.87 | 2344000 | 2.8656 | | 3.0316 | 9.9 | 2352000 | 2.8607 | | 3.0316 | 9.94 | 2360000 | 2.8572 | | 3.0225 | 9.97 | 2368000 | 2.8617 | | 3.0225 | 10.0 | 2376000 | 2.8604 | | 3.0132 | 10.04 | 2384000 | 2.8577 | | 3.0132 | 10.07 | 2392000 | 2.8535 | | 3.0202 | 10.11 | 2400000 | 2.8566 | ### Framework versions - Transformers 4.35.0.dev0 - Pytorch 2.0.1+cu117 - Datasets 2.14.5 - Tokenizers 0.14.0
muzammil-eds/tinyllama-3T-128k-JsonExtract-v0.5
muzammil-eds
2024-01-27T17:19:49Z
0
0
transformers
[ "transformers", "safetensors", "unsloth", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2024-01-27T17:19:42Z
--- library_name: transformers tags: - unsloth --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
yujiepan/qwen-vl-tiny-random
yujiepan
2024-01-27T17:17:30Z
107
0
transformers
[ "transformers", "safetensors", "qwen", "text-generation", "custom_code", "autotrain_compatible", "region:us" ]
text-generation
2024-01-27T16:59:55Z
--- pipeline_tag: text-generation inference: true widget: - text: 'Hello!' example_title: Hello world group: Python library_name: transformers --- This model is randomly initialized, using the config from [Qwen/Qwen-VL-Chat](https://huggingface.co/Qwen/Qwen-VL-Chat/blob/main/config.json) but with smaller size. Note the model is in float16. Notable modifications: ```python config.fp16 = True config.hidden_size = 8 config.intermediate_size = 16 config.kv_channels = 4 config.num_attention_heads = 2 config.num_hidden_layers = 2 config.seq_length = 2048 config.visual = { "heads": 2, "image_size": 448, "image_start_id": 151857, "layers": 2, "mlp_ratio": 1.0, "output_dim": 8, "patch_size": 14, "width": 8, } ``` Also, we changed the visual model attention head dim. See `upload_model.py` for details.
mtc/meta-llama-Llama-2-7b-hf-arxiv-summarization-5000-no_quantization-final-lora-full
mtc
2024-01-27T17:11:30Z
2
1
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:meta-llama/Llama-2-7b-hf", "base_model:adapter:meta-llama/Llama-2-7b-hf", "region:us" ]
null
2024-01-27T17:10:59Z
--- library_name: peft base_model: meta-llama/Llama-2-7b-hf --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.7.1
bartowski/openchat-3.5-0106-laser-exl2
bartowski
2024-01-27T17:09:39Z
1
0
null
[ "text-generation", "license:apache-2.0", "region:us" ]
text-generation
2024-01-27T16:53:58Z
--- license: apache-2.0 quantized_by: bartowski pipeline_tag: text-generation --- ## Exllama v2 Quantizations of openchat-3.5-0106-laser Using <a href="https://github.com/turboderp/exllamav2/releases/tag/v0.0.12">turboderp's ExLlamaV2 v0.0.12</a> for quantization. # The "main" branch only contains the measurement.json, download one of the other branches for the model (see below) Each branch contains an individual bits per weight, with the main one containing only the meaurement.json for further conversions. Original model: https://huggingface.co/cognitivecomputations/openchat-3.5-0106-laser | Branch | Bits | lm_head bits | VRAM (4k) | VRAM (16k) | VRAM (32k) | Description | | ----- | ---- | ------- | ------ | ------ | ------ | ------------ | | [8_0](https://huggingface.co/Bartowski/openchat-3.5-0106-laser-exl2/tree/8_0) | 8.0 | 8.0 | 8.4 GB | 9.8 GB | 11.8 GB | Maximum quality that ExLlamaV2 can produce, near unquantized performance. | | [6_5](https://huggingface.co/Bartowski/openchat-3.5-0106-laser-exl2/tree/6_5) | 6.5 | 8.0 | 7.2 GB | 8.6 GB | 10.6 GB | Very similar to 8.0, good tradeoff of size vs performance, **recommended**. | | [5_0](https://huggingface.co/Bartowski/openchat-3.5-0106-laser-exl2/tree/5_0) | 5.0 | 6.0 | 6.0 GB | 7.4 GB | 9.4 GB | Slightly lower quality vs 6.5, but usable on 8GB cards. | | [4_25](https://huggingface.co/Bartowski/openchat-3.5-0106-laser-exl2/tree/4_25) | 4.25 | 6.0 | 5.3 GB | 6.7 GB | 8.7 GB | GPTQ equivalent bits per weight, slightly higher quality. | | [3_5](https://huggingface.co/Bartowski/openchat-3.5-0106-laser-exl2/tree/3_5) | 3.5 | 6.0 | 4.7 GB | 6.1 GB | 8.1 GB | Lower quality, only use if you have to. | ## Download instructions With git: ```shell git clone --single-branch --branch 6_5 https://huggingface.co/bartowski/openchat-3.5-0106-laser-exl2 openchat-3.5-0106-laser-exl2-6_5 ``` With huggingface hub (credit to TheBloke for instructions): ```shell pip3 install huggingface-hub ``` To download the `main` (only useful if you only care about measurement.json) branch to a folder called `openchat-3.5-0106-laser-exl2`: ```shell mkdir openchat-3.5-0106-laser-exl2 huggingface-cli download bartowski/openchat-3.5-0106-laser-exl2 --local-dir openchat-3.5-0106-laser-exl2 --local-dir-use-symlinks False ``` To download from a different branch, add the `--revision` parameter: Linux: ```shell mkdir openchat-3.5-0106-laser-exl2-6_5 huggingface-cli download bartowski/openchat-3.5-0106-laser-exl2 --revision 6_5 --local-dir openchat-3.5-0106-laser-exl2-6_5 --local-dir-use-symlinks False ``` Windows (which apparently doesn't like _ in folders sometimes?): ```shell mkdir openchat-3.5-0106-laser-exl2-6.5 huggingface-cli download bartowski/openchat-3.5-0106-laser-exl2 --revision 6_5 --local-dir openchat-3.5-0106-laser-exl2-6.5 --local-dir-use-symlinks False ``` Want to support my work? Visit my ko-fi page here: https://ko-fi.com/bartowski
houdini001/gec_try2
houdini001
2024-01-27T16:56:37Z
118
0
transformers
[ "transformers", "safetensors", "mt5", "text2text-generation", "arxiv:1910.09700", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-27T16:56:05Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
nccsnlp/zephyr-7b-beta_ct_prompt1b_ft200_v1_merged
nccsnlp
2024-01-27T16:53:25Z
7
0
transformers
[ "transformers", "safetensors", "mistral", "text-generation", "conversational", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T16:49:09Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
Seher99/multilingual-xlm-roberta-for-ner-panx
Seher99
2024-01-27T16:52:40Z
93
0
transformers
[ "transformers", "pytorch", "xlm-roberta", "token-classification", "generated_from_trainer", "dataset:xtreme", "license:mit", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2024-01-27T14:06:04Z
--- license: mit tags: - generated_from_trainer datasets: - xtreme metrics: - f1 model-index: - name: multilingual-xlm-roberta-for-ner-panx results: - task: name: Token Classification type: token-classification dataset: name: xtreme type: xtreme config: PAN-X.de split: validation args: PAN-X.de metrics: - name: F1 type: f1 value: 0.8610589774213728 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # multilingual-xlm-roberta-for-ner-panx This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the xtreme dataset. It achieves the following results on the evaluation set: - Loss: 0.1355 - F1: 0.8611 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 24 - eval_batch_size: 24 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | F1 | |:-------------:|:-----:|:----:|:---------------:|:------:| | 0.2638 | 1.0 | 525 | 0.1569 | 0.8279 | | 0.1272 | 2.0 | 1050 | 0.1370 | 0.8490 | | 0.08 | 3.0 | 1575 | 0.1355 | 0.8611 | ### Framework versions - Transformers 4.28.0 - Pytorch 2.1.1+cu121 - Datasets 2.16.1 - Tokenizers 0.13.3
q-future/q-instruct-mplug-owl2-1031
q-future
2024-01-27T16:49:17Z
50
1
transformers
[ "transformers", "pytorch", "mplug_owl2", "feature-extraction", "custom_code", "arxiv:2311.06783", "license:mit", "region:us" ]
feature-extraction
2023-12-13T05:31:02Z
--- license: mit --- @misc{wu2023qinstruct, title={Q-Instruct: Improving Low-level Visual Abilities for Multi-modality Foundation Models}, author={Haoning Wu and Zicheng Zhang and Erli Zhang and Chaofeng Chen and Liang Liao and Annan Wang and Kaixin Xu and Chunyi Li and Jingwen Hou and Guangtao Zhai and Geng Xue and Wenxiu Sun and Qiong Yan and Weisi Lin}, year={2023}, eprint={2311.06783}, archivePrefix={arXiv}, primaryClass={cs.CV} }
thangvip/bert-30M-uncased-classification-CMC-fqa
thangvip
2024-01-27T16:49:02Z
125
0
transformers
[ "transformers", "tensorboard", "safetensors", "bert", "text-classification", "generated_from_trainer", "base_model:vietgpt/bert-30M-uncased", "base_model:finetune:vietgpt/bert-30M-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2024-01-27T16:33:26Z
--- license: apache-2.0 base_model: vietgpt/bert-30M-uncased tags: - generated_from_trainer metrics: - accuracy model-index: - name: bert-30M-uncased-classification-CMC-fqa results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-30M-uncased-classification-CMC-fqa This model is a fine-tuned version of [vietgpt/bert-30M-uncased](https://huggingface.co/vietgpt/bert-30M-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.4703 - Accuracy: 0.8739 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 100 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:-----:|:---------------:|:--------:| | No log | 1.0 | 130 | 5.3723 | 0.0043 | | No log | 2.0 | 260 | 5.3750 | 0.0043 | | No log | 3.0 | 390 | 5.3555 | 0.0 | | 5.3407 | 4.0 | 520 | 5.2599 | 0.0174 | | 5.3407 | 5.0 | 650 | 4.9584 | 0.0261 | | 5.3407 | 6.0 | 780 | 4.7092 | 0.0609 | | 5.3407 | 7.0 | 910 | 4.4852 | 0.1087 | | 4.7451 | 8.0 | 1040 | 4.2827 | 0.1696 | | 4.7451 | 9.0 | 1170 | 4.0794 | 0.2478 | | 4.7451 | 10.0 | 1300 | 3.8857 | 0.2913 | | 4.7451 | 11.0 | 1430 | 3.6879 | 0.4 | | 3.8815 | 12.0 | 1560 | 3.5051 | 0.4435 | | 3.8815 | 13.0 | 1690 | 3.3316 | 0.4652 | | 3.8815 | 14.0 | 1820 | 3.1648 | 0.4913 | | 3.8815 | 15.0 | 1950 | 2.9991 | 0.5261 | | 3.1326 | 16.0 | 2080 | 2.8421 | 0.5652 | | 3.1326 | 17.0 | 2210 | 2.6915 | 0.5913 | | 3.1326 | 18.0 | 2340 | 2.5519 | 0.6043 | | 3.1326 | 19.0 | 2470 | 2.4192 | 0.6478 | | 2.4835 | 20.0 | 2600 | 2.2918 | 0.6870 | | 2.4835 | 21.0 | 2730 | 2.1705 | 0.7043 | | 2.4835 | 22.0 | 2860 | 2.0567 | 0.7261 | | 2.4835 | 23.0 | 2990 | 1.9522 | 0.7261 | | 1.9554 | 24.0 | 3120 | 1.8542 | 0.7391 | | 1.9554 | 25.0 | 3250 | 1.7546 | 0.7696 | | 1.9554 | 26.0 | 3380 | 1.6647 | 0.7609 | | 1.5347 | 27.0 | 3510 | 1.5819 | 0.7739 | | 1.5347 | 28.0 | 3640 | 1.5082 | 0.7870 | | 1.5347 | 29.0 | 3770 | 1.4383 | 0.7957 | | 1.5347 | 30.0 | 3900 | 1.3742 | 0.8 | | 1.1984 | 31.0 | 4030 | 1.3075 | 0.8043 | | 1.1984 | 32.0 | 4160 | 1.2476 | 0.8043 | | 1.1984 | 33.0 | 4290 | 1.1953 | 0.8043 | | 1.1984 | 34.0 | 4420 | 1.1515 | 0.8087 | | 0.9448 | 35.0 | 4550 | 1.0959 | 0.8174 | | 0.9448 | 36.0 | 4680 | 1.0462 | 0.8174 | | 0.9448 | 37.0 | 4810 | 1.0107 | 0.8174 | | 0.9448 | 38.0 | 4940 | 0.9778 | 0.8087 | | 0.7518 | 39.0 | 5070 | 0.9337 | 0.8217 | | 0.7518 | 40.0 | 5200 | 0.9048 | 0.8261 | | 0.7518 | 41.0 | 5330 | 0.8726 | 0.8261 | | 0.7518 | 42.0 | 5460 | 0.8452 | 0.8348 | | 0.6032 | 43.0 | 5590 | 0.8161 | 0.8391 | | 0.6032 | 44.0 | 5720 | 0.7944 | 0.8348 | | 0.6032 | 45.0 | 5850 | 0.7719 | 0.8565 | | 0.6032 | 46.0 | 5980 | 0.7545 | 0.8652 | | 0.4828 | 47.0 | 6110 | 0.7288 | 0.8609 | | 0.4828 | 48.0 | 6240 | 0.7109 | 0.8652 | | 0.4828 | 49.0 | 6370 | 0.6962 | 0.8696 | | 0.3959 | 50.0 | 6500 | 0.6831 | 0.8696 | | 0.3959 | 51.0 | 6630 | 0.6634 | 0.8652 | | 0.3959 | 52.0 | 6760 | 0.6495 | 0.8739 | | 0.3959 | 53.0 | 6890 | 0.6453 | 0.8739 | | 0.3252 | 54.0 | 7020 | 0.6261 | 0.8783 | | 0.3252 | 55.0 | 7150 | 0.6167 | 0.8739 | | 0.3252 | 56.0 | 7280 | 0.6052 | 0.8783 | | 0.3252 | 57.0 | 7410 | 0.5975 | 0.8870 | | 0.2733 | 58.0 | 7540 | 0.5831 | 0.8826 | | 0.2733 | 59.0 | 7670 | 0.5768 | 0.8739 | | 0.2733 | 60.0 | 7800 | 0.5668 | 0.8783 | | 0.2733 | 61.0 | 7930 | 0.5636 | 0.8739 | | 0.231 | 62.0 | 8060 | 0.5498 | 0.8826 | | 0.231 | 63.0 | 8190 | 0.5495 | 0.8739 | | 0.231 | 64.0 | 8320 | 0.5413 | 0.8826 | | 0.231 | 65.0 | 8450 | 0.5327 | 0.8870 | | 0.1956 | 66.0 | 8580 | 0.5300 | 0.8826 | | 0.1956 | 67.0 | 8710 | 0.5254 | 0.8783 | | 0.1956 | 68.0 | 8840 | 0.5159 | 0.8826 | | 0.1956 | 69.0 | 8970 | 0.5158 | 0.8826 | | 0.1671 | 70.0 | 9100 | 0.5136 | 0.8870 | | 0.1671 | 71.0 | 9230 | 0.5151 | 0.8826 | | 0.1671 | 72.0 | 9360 | 0.5118 | 0.8783 | | 0.1671 | 73.0 | 9490 | 0.5056 | 0.8783 | | 0.1465 | 74.0 | 9620 | 0.5051 | 0.8783 | | 0.1465 | 75.0 | 9750 | 0.5023 | 0.8826 | | 0.1465 | 76.0 | 9880 | 0.4938 | 0.8783 | | 0.1292 | 77.0 | 10010 | 0.4982 | 0.8826 | | 0.1292 | 78.0 | 10140 | 0.4951 | 0.8870 | | 0.1292 | 79.0 | 10270 | 0.4931 | 0.8826 | | 0.1292 | 80.0 | 10400 | 0.4858 | 0.8783 | | 0.1153 | 81.0 | 10530 | 0.4854 | 0.8783 | | 0.1153 | 82.0 | 10660 | 0.4872 | 0.8826 | | 0.1153 | 83.0 | 10790 | 0.4856 | 0.8783 | | 0.1153 | 84.0 | 10920 | 0.4862 | 0.8826 | | 0.1056 | 85.0 | 11050 | 0.4829 | 0.8783 | | 0.1056 | 86.0 | 11180 | 0.4790 | 0.8870 | | 0.1056 | 87.0 | 11310 | 0.4757 | 0.8739 | | 0.1056 | 88.0 | 11440 | 0.4732 | 0.8783 | | 0.1 | 89.0 | 11570 | 0.4764 | 0.8783 | | 0.1 | 90.0 | 11700 | 0.4748 | 0.8739 | | 0.1 | 91.0 | 11830 | 0.4751 | 0.8739 | | 0.1 | 92.0 | 11960 | 0.4728 | 0.8739 | | 0.0937 | 93.0 | 12090 | 0.4744 | 0.8739 | | 0.0937 | 94.0 | 12220 | 0.4738 | 0.8739 | | 0.0937 | 95.0 | 12350 | 0.4720 | 0.8739 | | 0.0937 | 96.0 | 12480 | 0.4713 | 0.8739 | | 0.0883 | 97.0 | 12610 | 0.4703 | 0.8739 | | 0.0883 | 98.0 | 12740 | 0.4709 | 0.8739 | | 0.0883 | 99.0 | 12870 | 0.4702 | 0.8739 | | 0.0854 | 100.0 | 13000 | 0.4703 | 0.8739 | ### Framework versions - Transformers 4.37.1 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
mtc/meta-llama-Llama-2-7b-hf-pubmed-summarization-5000-no-quantization-final-lora-full
mtc
2024-01-27T16:49:01Z
2
1
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:meta-llama/Llama-2-7b-hf", "base_model:adapter:meta-llama/Llama-2-7b-hf", "region:us" ]
null
2024-01-27T16:48:39Z
--- library_name: peft base_model: meta-llama/Llama-2-7b-hf --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.7.1
MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF
MaziyarPanahi
2024-01-27T16:39:06Z
56
0
transformers
[ "transformers", "gguf", "mistral", "quantized", "2-bit", "3-bit", "4-bit", "5-bit", "6-bit", "8-bit", "GGUF", "safetensors", "text-generation", "Safetensors", "text-generation-inference", "merge", "7b", "mistralai/Mistral-7B-Instruct-v0.1", "cognitivecomputations/dolphin-2.0-mistral-7b", "pytorch", "en", "dataset:ehartford/dolphin", "dataset:jondurbin/airoboros-2.2.1", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us", "base_model:MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1", "base_model:quantized:MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1", "conversational" ]
text-generation
2024-01-27T16:30:14Z
--- license: apache-2.0 tags: - quantized - 2-bit - 3-bit - 4-bit - 5-bit - 6-bit - 8-bit - GGUF - transformers - safetensors - mistral - text-generation - Safetensors - text-generation-inference - merge - 7b - mistralai/Mistral-7B-Instruct-v0.1 - cognitivecomputations/dolphin-2.0-mistral-7b - pytorch - en - dataset:ehartford/dolphin - dataset:jondurbin/airoboros-2.2.1 - license:apache-2.0 - autotrain_compatible - endpoints_compatible - region:us model_name: dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF base_model: MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1 inference: false model_creator: MaziyarPanahi pipeline_tag: text-generation quantized_by: MaziyarPanahi --- # [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF) - Model creator: [MaziyarPanahi](https://huggingface.co/MaziyarPanahi) - Original model: [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1) ## Description [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF) contains GGUF format model files for [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1). ## How to use Thanks to [TheBloke](https://huggingface.co/TheBloke) for preparing an amazing README on how to use GGUF models: ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. Here is an incomplete list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [GPT4All](https://gpt4all.io/index.html), a free and open source local running GUI, supporting Windows, Linux and macOS with full GPU accel. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. Linux available, in beta as of 27/11/2023. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. Note, as of time of writing (November 27th 2023), ctransformers has not been updated in a long time and does not support many recent models. ### Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: * LM Studio * LoLLMS Web UI * Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF) and below it, a specific filename to download, such as: dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` </details> <details> <summary>More advanced huggingface-cli download usage (click to read)</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download [MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF](https://huggingface.co/MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF) --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download MaziyarPanahi/dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 35 -m dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf --color -c 32768 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 32768` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. Note that longer sequence lengths require much more resources, so you may need to reduce this value. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions can be found in the text-generation-webui documentation, here: [text-generation-webui/docs/04 ‐ Model Tab.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/04%20%E2%80%90%20Model%20Tab.md#llamacpp). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. Note that at the time of writing (Nov 27th 2023), ctransformers has not been updated for some time and is not compatible with some recent models. Therefore I recommend you use llama-cpp-python. ### How to load this model in Python code, using llama-cpp-python For full documentation, please see: [llama-cpp-python docs](https://abetlen.github.io/llama-cpp-python/). #### First install the package Run one of the following commands, according to your system: ```shell # Base ctransformers with no GPU acceleration pip install llama-cpp-python # With NVidia CUDA acceleration CMAKE_ARGS="-DLLAMA_CUBLAS=on" pip install llama-cpp-python # Or with OpenBLAS acceleration CMAKE_ARGS="-DLLAMA_BLAS=ON -DLLAMA_BLAS_VENDOR=OpenBLAS" pip install llama-cpp-python # Or with CLBLast acceleration CMAKE_ARGS="-DLLAMA_CLBLAST=on" pip install llama-cpp-python # Or with AMD ROCm GPU acceleration (Linux only) CMAKE_ARGS="-DLLAMA_HIPBLAS=on" pip install llama-cpp-python # Or with Metal GPU acceleration for macOS systems only CMAKE_ARGS="-DLLAMA_METAL=on" pip install llama-cpp-python # In windows, to set the variables CMAKE_ARGS in PowerShell, follow this format; eg for NVidia CUDA: $env:CMAKE_ARGS = "-DLLAMA_OPENBLAS=on" pip install llama-cpp-python ``` #### Simple llama-cpp-python example code ```python from llama_cpp import Llama # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = Llama( model_path="./dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", # Download the model file first n_ctx=32768, # The max sequence length to use - note that longer sequence lengths require much more resources n_threads=8, # The number of CPU threads to use, tailor to your system and the resulting performance n_gpu_layers=35 # The number of layers to offload to GPU, if you have GPU acceleration available ) # Simple inference example output = llm( "<|im_start|>system {system_message}<|im_end|> <|im_start|>user {prompt}<|im_end|> <|im_start|>assistant", # Prompt max_tokens=512, # Generate up to 512 tokens stop=["</s>"], # Example stop token - not necessarily correct for this specific model! Please check before using. echo=True # Whether to echo the prompt ) # Chat Completion API llm = Llama(model_path="./dolphin-2.0-mistral-7b-Mistral-7B-Instruct-v0.1-GGUF.Q4_K_M.gguf", chat_format="llama-2") # Set chat_format according to the model you are using llm.create_chat_completion( messages = [ {"role": "system", "content": "You are a story writing assistant."}, { "role": "user", "content": "Write a story about llamas." } ] ) ``` ## How to use with LangChain Here are guides on using llama-cpp-python and ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers)
Gayathri142214002/Question_Generation_ComQ_onT5base_withDataGen10
Gayathri142214002
2024-01-27T16:37:44Z
4
0
transformers
[ "transformers", "safetensors", "t5", "text2text-generation", "generated_from_trainer", "base_model:google-t5/t5-base", "base_model:finetune:google-t5/t5-base", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-27T11:42:10Z
--- license: apache-2.0 base_model: t5-base tags: - generated_from_trainer model-index: - name: Question_Generation_ComQ_onT5base_withDataGen10 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # Question_Generation_ComQ_onT5base_withDataGen10 This model is a fine-tuned version of [t5-base](https://huggingface.co/t5-base) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.3923 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 1 - eval_batch_size: 1 - seed: 42 - gradient_accumulation_steps: 4 - total_train_batch_size: 4 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 7 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:-----:|:---------------:| | 0.7546 | 0.23 | 1000 | 0.5504 | | 0.6013 | 0.47 | 2000 | 0.5134 | | 0.557 | 0.7 | 3000 | 0.4834 | | 0.5217 | 0.94 | 4000 | 0.4513 | | 0.449 | 1.17 | 5000 | 0.4519 | | 0.4441 | 1.41 | 6000 | 0.4389 | | 0.439 | 1.64 | 7000 | 0.4322 | | 0.4355 | 1.88 | 8000 | 0.4153 | | 0.3996 | 2.11 | 9000 | 0.4263 | | 0.388 | 2.35 | 10000 | 0.4183 | | 0.3856 | 2.58 | 11000 | 0.4129 | | 0.3782 | 2.82 | 12000 | 0.4101 | | 0.3719 | 3.05 | 13000 | 0.4091 | | 0.3395 | 3.29 | 14000 | 0.4091 | | 0.3453 | 3.52 | 15000 | 0.4053 | | 0.3538 | 3.76 | 16000 | 0.3933 | | 0.3468 | 3.99 | 17000 | 0.3897 | | 0.3128 | 4.22 | 18000 | 0.4035 | | 0.3191 | 4.46 | 19000 | 0.4005 | | 0.322 | 4.69 | 20000 | 0.3944 | | 0.3204 | 4.93 | 21000 | 0.3881 | | 0.302 | 5.16 | 22000 | 0.3951 | | 0.2947 | 5.4 | 23000 | 0.3948 | | 0.3011 | 5.63 | 24000 | 0.3932 | | 0.303 | 5.87 | 25000 | 0.3873 | | 0.2902 | 6.1 | 26000 | 0.3916 | | 0.2777 | 6.34 | 27000 | 0.3940 | | 0.2811 | 6.57 | 28000 | 0.3937 | | 0.2815 | 6.81 | 29000 | 0.3923 | ### Framework versions - Transformers 4.36.2 - Pytorch 2.1.2+cu121 - Datasets 2.16.1 - Tokenizers 0.15.0
bw58/my_awesome_qa_model
bw58
2024-01-27T16:36:25Z
23
0
transformers
[ "transformers", "tensorboard", "safetensors", "distilbert", "question-answering", "generated_from_trainer", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "endpoints_compatible", "region:us" ]
question-answering
2024-01-27T05:14:09Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer model-index: - name: my_awesome_qa_model results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # my_awesome_qa_model This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.1018 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:-----:|:---------------:| | 1.2715 | 1.0 | 4380 | 1.1362 | | 0.9652 | 2.0 | 8760 | 1.0874 | | 0.7895 | 3.0 | 13140 | 1.1018 | ### Framework versions - Transformers 4.35.2 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
Sharathhebbar24/NeuralPipe-7B-slerp
Sharathhebbar24
2024-01-27T16:35:01Z
10
0
transformers
[ "transformers", "safetensors", "mistral", "text-generation", "merge", "mergekit", "lazymergekit", "OpenPipe/mistral-ft-optimized-1218", "mlabonne/NeuralHermes-2.5-Mistral-7B", "base_model:OpenPipe/mistral-ft-optimized-1218", "base_model:merge:OpenPipe/mistral-ft-optimized-1218", "base_model:mlabonne/NeuralHermes-2.5-Mistral-7B", "base_model:merge:mlabonne/NeuralHermes-2.5-Mistral-7B", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T16:30:22Z
--- tags: - merge - mergekit - lazymergekit - OpenPipe/mistral-ft-optimized-1218 - mlabonne/NeuralHermes-2.5-Mistral-7B base_model: - OpenPipe/mistral-ft-optimized-1218 - mlabonne/NeuralHermes-2.5-Mistral-7B --- # NeuralPipe-7B-slerp NeuralPipe-7B-slerp is a merge of the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing): * [OpenPipe/mistral-ft-optimized-1218](https://huggingface.co/OpenPipe/mistral-ft-optimized-1218) * [mlabonne/NeuralHermes-2.5-Mistral-7B](https://huggingface.co/mlabonne/NeuralHermes-2.5-Mistral-7B) ## 🧩 Configuration ```yaml slices: - sources: - model: OpenPipe/mistral-ft-optimized-1218 layer_range: [0, 32] - model: mlabonne/NeuralHermes-2.5-Mistral-7B layer_range: [0, 32] merge_method: slerp base_model: OpenPipe/mistral-ft-optimized-1218 parameters: t: - filter: self_attn value: [0, 0.5, 0.3, 0.7, 1] - filter: mlp value: [1, 0.5, 0.7, 0.3, 0] - value: 0.5 dtype: bfloat16 ``` ## 💻 Usage ```python !pip install -qU transformers accelerate from transformers import AutoTokenizer import transformers import torch model = "Sharathhebbar24/NeuralPipe-7B-slerp" messages = [{"role": "user", "content": "What is a large language model?"}] tokenizer = AutoTokenizer.from_pretrained(model) prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True) pipeline = transformers.pipeline( "text-generation", model=model, torch_dtype=torch.float16, device_map="auto", ) outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95) print(outputs[0]["generated_text"]) ```
TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ
TheBloke
2024-01-27T16:29:19Z
13
4
transformers
[ "transformers", "safetensors", "llama", "text-generation", "base_model:grimulkan/Goliath-longLORA-120b-rope8-32k-fp16", "base_model:quantized:grimulkan/Goliath-longLORA-120b-rope8-32k-fp16", "license:llama2", "autotrain_compatible", "text-generation-inference", "4-bit", "gptq", "region:us" ]
text-generation
2024-01-27T08:34:45Z
--- base_model: grimulkan/Goliath-longLORA-120b-rope8-32k-fp16 inference: false license: llama2 model_creator: Grimulkan model_name: Goliath LongLORA 120B Rope8 32K model_type: llama prompt_template: 'Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: {prompt} ### Response: ' quantized_by: TheBloke --- <!-- markdownlint-disable MD041 --> <!-- header start --> <!-- 200823 --> <div style="width: auto; margin-left: auto; margin-right: auto"> <img src="https://i.imgur.com/EBdldam.jpg" alt="TheBlokeAI" style="width: 100%; min-width: 400px; display: block; margin: auto;"> </div> <div style="display: flex; justify-content: space-between; width: 100%;"> <div style="display: flex; flex-direction: column; align-items: flex-start;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://discord.gg/theblokeai">Chat & support: TheBloke's Discord server</a></p> </div> <div style="display: flex; flex-direction: column; align-items: flex-end;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://www.patreon.com/TheBlokeAI">Want to contribute? TheBloke's Patreon page</a></p> </div> </div> <div style="text-align:center; margin-top: 0em; margin-bottom: 0em"><p style="margin-top: 0.25em; margin-bottom: 0em;">TheBloke's LLM work is generously supported by a grant from <a href="https://a16z.com">andreessen horowitz (a16z)</a></p></div> <hr style="margin-top: 1.0em; margin-bottom: 1.0em;"> <!-- header end --> # Goliath LongLORA 120B Rope8 32K - GPTQ - Model creator: [Grimulkan](https://huggingface.co/grimulkan) - Original model: [Goliath LongLORA 120B Rope8 32K](https://huggingface.co/grimulkan/Goliath-longLORA-120b-rope8-32k-fp16) <!-- description start --> # Description This repo contains GPTQ model files for [Grimulkan's Goliath LongLORA 120B Rope8 32K](https://huggingface.co/grimulkan/Goliath-longLORA-120b-rope8-32k-fp16). Multiple GPTQ parameter permutations are provided; see Provided Files below for details of the options provided, their parameters, and the software used to create them. These files were quantised using hardware kindly provided by [Massed Compute](https://massedcompute.com/). <!-- description end --> <!-- repositories-available start --> ## Repositories available * [AWQ model(s) for GPU inference.](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-AWQ) * [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ) * [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GGUF) * [Grimulkan's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/grimulkan/Goliath-longLORA-120b-rope8-32k-fp16) <!-- repositories-available end --> <!-- prompt-template start --> ## Prompt template: Alpaca ``` Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: {prompt} ### Response: ``` <!-- prompt-template end --> <!-- README_GPTQ.md-compatible clients start --> ## Known compatible clients / servers GPTQ models are currently supported on Linux (NVidia/AMD) and Windows (NVidia only). macOS users: please use GGUF models. These GPTQ models are known to work in the following inference servers/webuis. - [text-generation-webui](https://github.com/oobabooga/text-generation-webui) - [KoboldAI United](https://github.com/henk717/koboldai) - [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui) - [Hugging Face Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference) This may not be a complete list; if you know of others, please let me know! <!-- README_GPTQ.md-compatible clients end --> <!-- README_GPTQ.md-provided-files start --> ## Provided files, and GPTQ parameters Multiple quantisation parameters are provided, to allow you to choose the best one for your hardware and requirements. Each separate quant is in a different branch. See below for instructions on fetching from different branches. Most GPTQ files are made with AutoGPTQ. Mistral models are currently made with Transformers. <details> <summary>Explanation of GPTQ parameters</summary> - Bits: The bit size of the quantised model. - GS: GPTQ group size. Higher numbers use less VRAM, but have lower quantisation accuracy. "None" is the lowest possible value. - Act Order: True or False. Also known as `desc_act`. True results in better quantisation accuracy. Some GPTQ clients have had issues with models that use Act Order plus Group Size, but this is generally resolved now. - Damp %: A GPTQ parameter that affects how samples are processed for quantisation. 0.01 is default, but 0.1 results in slightly better accuracy. - GPTQ dataset: The calibration dataset used during quantisation. Using a dataset more appropriate to the model's training can improve quantisation accuracy. Note that the GPTQ calibration dataset is not the same as the dataset used to train the model - please refer to the original model repo for details of the training dataset(s). - Sequence Length: The length of the dataset sequences used for quantisation. Ideally this is the same as the model sequence length. For some very long sequence models (16+K), a lower sequence length may have to be used. Note that a lower sequence length does not limit the sequence length of the quantised model. It only impacts the quantisation accuracy on longer inference sequences. - ExLlama Compatibility: Whether this file can be loaded with ExLlama, which currently only supports Llama and Mistral models in 4-bit. </details> | Branch | Bits | GS | Act Order | Damp % | GPTQ Dataset | Seq Len | Size | ExLlama | Desc | | ------ | ---- | -- | --------- | ------ | ------------ | ------- | ---- | ------- | ---- | | [main](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ/tree/main) | 4 | None | Yes | 0.1 | [VMware Open Instruct](https://huggingface.co/datasets/VMware/open-instruct/viewer/) | 4096 | 48.99 GB | Yes | 4-bit, with Act Order. No group size, to lower VRAM requirements. | | [gptq-4bit-128g-actorder_True](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ/tree/gptq-4bit-128g-actorder_True) | 4 | 128 | Yes | 0.1 | [VMware Open Instruct](https://huggingface.co/datasets/VMware/open-instruct/viewer/) | 4096 | 48.91 GB | Yes | 4-bit, with Act Order and group size 128g. Uses even less VRAM than 64g, but with slightly lower accuracy. | | [gptq-3bit--1g-actorder_True](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ/tree/gptq-3bit--1g-actorder_True) | 3 | None | Yes | 0.1 | [VMware Open Instruct](https://huggingface.co/datasets/VMware/open-instruct/viewer/) | 4096 | 45.11 GB | No | 3-bit, with Act Order and no group size. Lowest possible VRAM requirements. May be lower quality than 3-bit 128g. | | [gptq-3bit-128g-actorder_True](https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ/tree/gptq-3bit-128g-actorder_True) | 3 | 128 | Yes | 0.1 | [VMware Open Instruct](https://huggingface.co/datasets/VMware/open-instruct/viewer/) | 4096 | 47.25 GB | No | 3-bit, with group size 128g and act-order. Higher quality than 128g-False. | <!-- README_GPTQ.md-provided-files end --> <!-- README_GPTQ.md-download-from-branches start --> ## How to download, including from branches ### In text-generation-webui To download from the `main` branch, enter `TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ` in the "Download model" box. To download from another branch, add `:branchname` to the end of the download name, eg `TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ:gptq-4bit-128g-actorder_True` ### From the command line I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` To download the `main` branch to a folder called `Goliath-longLORA-120b-rope8-32k-fp16-GPTQ`: ```shell mkdir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ huggingface-cli download TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --local-dir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --local-dir-use-symlinks False ``` To download from a different branch, add the `--revision` parameter: ```shell mkdir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ huggingface-cli download TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --revision gptq-4bit-128g-actorder_True --local-dir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --local-dir-use-symlinks False ``` <details> <summary>More advanced huggingface-cli download usage</summary> If you remove the `--local-dir-use-symlinks False` parameter, the files will instead be stored in the central Hugging Face cache directory (default location on Linux is: `~/.cache/huggingface`), and symlinks will be added to the specified `--local-dir`, pointing to their real location in the cache. This allows for interrupted downloads to be resumed, and allows you to quickly clone the repo to multiple places on disk without triggering a download again. The downside, and the reason why I don't list that as the default option, is that the files are then hidden away in a cache folder and it's harder to know where your disk space is being used, and to clear it up if/when you want to remove a download model. The cache location can be changed with the `HF_HOME` environment variable, and/or the `--cache-dir` parameter to `huggingface-cli`. For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell mkdir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --local-dir Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ### With `git` (**not** recommended) To clone a specific branch with `git`, use a command like this: ```shell git clone --single-branch --branch gptq-4bit-128g-actorder_True https://huggingface.co/TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ ``` Note that using Git with HF repos is strongly discouraged. It will be much slower than using `huggingface-hub`, and will use twice as much disk space as it has to store the model files twice (it stores every byte both in the intended target folder, and again in the `.git` folder as a blob.) <!-- README_GPTQ.md-download-from-branches end --> <!-- README_GPTQ.md-text-generation-webui start --> ## How to easily download and use this model in [text-generation-webui](https://github.com/oobabooga/text-generation-webui) Please make sure you're using the latest version of [text-generation-webui](https://github.com/oobabooga/text-generation-webui). It is strongly recommended to use the text-generation-webui one-click-installers unless you're sure you know how to make a manual install. 1. Click the **Model tab**. 2. Under **Download custom model or LoRA**, enter `TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ`. - To download from a specific branch, enter for example `TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ:gptq-4bit-128g-actorder_True` - see Provided Files above for the list of branches for each option. 3. Click **Download**. 4. The model will start downloading. Once it's finished it will say "Done". 5. In the top left, click the refresh icon next to **Model**. 6. In the **Model** dropdown, choose the model you just downloaded: `Goliath-longLORA-120b-rope8-32k-fp16-GPTQ` 7. The model will automatically load, and is now ready for use! 8. If you want any custom settings, set them and then click **Save settings for this model** followed by **Reload the Model** in the top right. - Note that you do not need to and should not set manual GPTQ parameters any more. These are set automatically from the file `quantize_config.json`. 9. Once you're ready, click the **Text Generation** tab and enter a prompt to get started! <!-- README_GPTQ.md-text-generation-webui end --> <!-- README_GPTQ.md-use-from-tgi start --> ## Serving this model from Text Generation Inference (TGI) It's recommended to use TGI version 1.1.0 or later. The official Docker container is: `ghcr.io/huggingface/text-generation-inference:1.1.0` Example Docker parameters: ```shell --model-id TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ --port 3000 --quantize gptq --max-input-length 3696 --max-total-tokens 4096 --max-batch-prefill-tokens 4096 ``` Example Python code for interfacing with TGI (requires huggingface-hub 0.17.0 or later): ```shell pip3 install huggingface-hub ``` ```python from huggingface_hub import InferenceClient endpoint_url = "https://your-endpoint-url-here" prompt = "Tell me about AI" prompt_template=f'''Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: {prompt} ### Response: ''' client = InferenceClient(endpoint_url) response = client.text_generation( prompt_template, max_new_tokens=128, do_sample=True, temperature=0.7, top_p=0.95, top_k=40, repetition_penalty=1.1 ) print(f"Model output: {response}") ``` <!-- README_GPTQ.md-use-from-tgi end --> <!-- README_GPTQ.md-use-from-python start --> ## Python code example: inference from this GPTQ model ### Install the necessary packages Requires: Transformers 4.33.0 or later, Optimum 1.12.0 or later, and AutoGPTQ 0.4.2 or later. ```shell pip3 install --upgrade transformers optimum # If using PyTorch 2.1 + CUDA 12.x: pip3 install --upgrade auto-gptq # or, if using PyTorch 2.1 + CUDA 11.x: pip3 install --upgrade auto-gptq --extra-index-url https://huggingface.github.io/autogptq-index/whl/cu118/ ``` If you are using PyTorch 2.0, you will need to install AutoGPTQ from source. Likewise if you have problems with the pre-built wheels, you should try building from source: ```shell pip3 uninstall -y auto-gptq git clone https://github.com/PanQiWei/AutoGPTQ cd AutoGPTQ git checkout v0.5.1 pip3 install . ``` ### Example Python code ```python from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline model_name_or_path = "TheBloke/Goliath-longLORA-120b-rope8-32k-fp16-GPTQ" # To use a different branch, change revision # For example: revision="gptq-4bit-128g-actorder_True" model = AutoModelForCausalLM.from_pretrained(model_name_or_path, device_map="auto", trust_remote_code=False, revision="main") tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, use_fast=True) prompt = "Write a story about llamas" system_message = "You are a story writing assistant" prompt_template=f'''Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: {prompt} ### Response: ''' print("\n\n*** Generate:") input_ids = tokenizer(prompt_template, return_tensors='pt').input_ids.cuda() output = model.generate(inputs=input_ids, temperature=0.7, do_sample=True, top_p=0.95, top_k=40, max_new_tokens=512) print(tokenizer.decode(output[0])) # Inference can also be done using transformers' pipeline print("*** Pipeline:") pipe = pipeline( "text-generation", model=model, tokenizer=tokenizer, max_new_tokens=512, do_sample=True, temperature=0.7, top_p=0.95, top_k=40, repetition_penalty=1.1 ) print(pipe(prompt_template)[0]['generated_text']) ``` <!-- README_GPTQ.md-use-from-python end --> <!-- README_GPTQ.md-compatibility start --> ## Compatibility The files provided are tested to work with Transformers. For non-Mistral models, AutoGPTQ can also be used directly. [ExLlama](https://github.com/turboderp/exllama) is compatible with Llama architecture models (including Mistral, Yi, DeepSeek, SOLAR, etc) in 4-bit. Please see the Provided Files table above for per-file compatibility. For a list of clients/servers, please see "Known compatible clients / servers", above. <!-- README_GPTQ.md-compatibility end --> <!-- footer start --> <!-- 200823 --> ## Discord For further support, and discussions on these models and AI in general, join us at: [TheBloke AI's Discord server](https://discord.gg/theblokeai) ## Thanks, and how to contribute Thanks to the [chirper.ai](https://chirper.ai) team! Thanks to Clay from [gpus.llm-utils.org](llm-utils)! I've had a lot of people ask if they can contribute. I enjoy providing models and helping people, and would love to be able to spend even more time doing it, as well as expanding into new projects like fine tuning/training. If you're able and willing to contribute it will be most gratefully received and will help me to keep providing more models, and to start work on new AI projects. Donaters will get priority support on any and all AI/LLM/model questions and requests, access to a private Discord room, plus other benefits. * Patreon: https://patreon.com/TheBlokeAI * Ko-Fi: https://ko-fi.com/TheBlokeAI **Special thanks to**: Aemon Algiz. **Patreon special mentions**: Michael Levine, 阿明, Trailburnt, Nikolai Manek, John Detwiler, Randy H, Will Dee, Sebastain Graf, NimbleBox.ai, Eugene Pentland, Emad Mostaque, Ai Maven, Jim Angel, Jeff Scroggin, Michael Davis, Manuel Alberto Morcote, Stephen Murray, Robert, Justin Joy, Luke @flexchar, Brandon Frisco, Elijah Stavena, S_X, Dan Guido, Undi ., Komninos Chatzipapas, Shadi, theTransient, Lone Striker, Raven Klaugh, jjj, Cap'n Zoog, Michel-Marie MAUDET (LINAGORA), Matthew Berman, David, Fen Risland, Omer Bin Jawed, Luke Pendergrass, Kalila, OG, Erik Bjäreholt, Rooh Singh, Joseph William Delisle, Dan Lewis, TL, John Villwock, AzureBlack, Brad, Pedro Madruga, Caitlyn Gatomon, K, jinyuan sun, Mano Prime, Alex, Jeffrey Morgan, Alicia Loh, Illia Dulskyi, Chadd, transmissions 11, fincy, Rainer Wilmers, ReadyPlayerEmma, knownsqashed, Mandus, biorpg, Deo Leter, Brandon Phillips, SuperWojo, Sean Connelly, Iucharbius, Jack West, Harry Royden McLaughlin, Nicholas, terasurfer, Vitor Caleffi, Duane Dunston, Johann-Peter Hartmann, David Ziegler, Olakabola, Ken Nordquist, Trenton Dambrowitz, Tom X Nguyen, Vadim, Ajan Kanaga, Leonard Tan, Clay Pascal, Alexandros Triantafyllidis, JM33133, Xule, vamX, ya boyyy, subjectnull, Talal Aujan, Alps Aficionado, wassieverse, Ari Malik, James Bentley, Woland, Spencer Kim, Michael Dempsey, Fred von Graf, Elle, zynix, William Richards, Stanislav Ovsiannikov, Edmond Seymore, Jonathan Leane, Martin Kemka, usrbinkat, Enrico Ros Thank you to all my generous patrons and donaters! And thank you again to a16z for their generous grant. <!-- footer end --> # Original model card: Grimulkan's Goliath LongLORA 120B Rope8 32K This is an interleaved merge of [Xwin-longLORA-70b-rope8-32k-fp16](https://huggingface.co/grimulkan/Xwin-longLORA-70b-rope8-32k-fp16) and [Euryale-1.3-longLORA-70b-rope8-32k-fp16](https://huggingface.co/grimulkan/Euryale-1.3-longLORA-70b-rope8-32k-fp16), using the same merge formula as alpindale's [goliath-120b](https://huggingface.co/alpindale/goliath-120b). There is no additional fine-tuning. The resulting model seems to not be broken... you can test whether it is truly the original model + 32K capability (use linear rope scaling 8). [ChuckMcSneed](https://huggingface.co/ChuckMcSneed) did a benchmark [here](https://huggingface.co/grimulkan/Goliath-longLORA-120b-rope8-32k-fp16/discussions/1), indicating 30% degradation with 8x the context length. A 6-bit EXL2 quantization is available [here](https://huggingface.co/grimulkan/Goliath-longLORA-120b-rope8-2k-6bpw_h8_exl2). More EXL2 quants [here](https://huggingface.co/aikitoria/Goliath-longLORA-120b-rope8-32k-exl2), thanks to aikitoria. See [this discussion](https://huggingface.co/grimulkan/aurelian-v0.5-70b-rope8-32K-fp16/discussions/2) for how the original 70B merges were created with longLORA.
tiagoblima/t5_base-qg-af-oficial
tiagoblima
2024-01-27T16:22:47Z
90
0
transformers
[ "transformers", "safetensors", "t5", "text2text-generation", "generated_from_trainer", "dataset:tiagoblima/preprocessed-du-qg-squadv1_pt", "base_model:unicamp-dl/ptt5-base-portuguese-vocab", "base_model:finetune:unicamp-dl/ptt5-base-portuguese-vocab", "license:mit", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-27T15:24:17Z
--- license: mit base_model: unicamp-dl/ptt5-base-portuguese-vocab tags: - generated_from_trainer datasets: - tiagoblima/preprocessed-du-qg-squadv1_pt model-index: - name: t5_base-qg-af-oficial results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # t5_base-qg-af-oficial This model is a fine-tuned version of [unicamp-dl/ptt5-base-portuguese-vocab](https://huggingface.co/unicamp-dl/ptt5-base-portuguese-vocab) on the tiagoblima/preprocessed-du-qg-squadv1_pt dataset. It achieves the following results on the evaluation set: - Loss: 1.9312 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 32 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-06 - lr_scheduler_type: linear - num_epochs: 5.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.0526 | 1.0 | 1386 | 1.9887 | | 1.9076 | 2.0 | 2772 | 1.9484 | | 1.7999 | 3.0 | 4158 | 1.9368 | | 1.7721 | 4.0 | 5544 | 1.9312 | | 1.7238 | 5.0 | 6930 | 1.9366 | ### Framework versions - Transformers 4.35.2 - Pytorch 2.1.0+cu121 - Datasets 2.15.0 - Tokenizers 0.15.1
hap20/whisper-small-medical-speech-recognition
hap20
2024-01-27T16:18:19Z
75
1
transformers
[ "transformers", "tensorboard", "safetensors", "whisper", "automatic-speech-recognition", "generated_from_trainer", "base_model:openai/whisper-small", "base_model:finetune:openai/whisper-small", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2024-01-27T15:21:07Z
--- license: apache-2.0 base_model: openai/whisper-small tags: - generated_from_trainer metrics: - wer model-index: - name: whisper-small-medical-speech-recognition results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # whisper-small-medical-speech-recognition This model is a fine-tuned version of [openai/whisper-small](https://huggingface.co/openai/whisper-small) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.7663 - Wer: 76.9366 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - training_steps: 350 - mixed_precision_training: Native AMP ### Training results ### Framework versions - Transformers 4.38.0.dev0 - Pytorch 2.1.0+cu121 - Datasets 2.16.1 - Tokenizers 0.15.1
m-a-p/MuPT-v1-8192-1.97B
m-a-p
2024-01-27T16:05:48Z
146
11
transformers
[ "transformers", "pytorch", "llama", "text-generation", "music", "art", "en", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-18T15:53:23Z
--- license: apache-2.0 language: - en pipeline_tag: text-generation tags: - music - art --- <div align="center"> <img src="Yi_logo.svg" width="150px" style="display: inline-block;"> <img src="m-a-p.png" width="150px" style="display: inline-block;"> </div> ## MuPT: Symbolic Music Generative Pre-trained Transformer MuPT is a series of pre-trained models for symbolic music generation. It was trained on a large-scale dataset of symbolic music, including millions of monophonic and polyphonic pieces from different genres and styles. The models are trained with the LLama2 architecture, and can be further used for downstream music generation tasks such as melody generation, accompaniment generation, and multi-track music generation. - 09/01/2024: a series of pre-trained MuPT models are released, with parameters ranging from 110M to 1.3B. ## Model architecture The details of model architecture of MuPT-v1 are listed below: | Name | Parameters | Training Data(Music Pieces) | Seq Length | Hidden Size | Layers | Heads | | :--- | :---: | :---: | :---: | :---: | :---: | :---: | | MuPT-v1-8192-110M | 110M | 7M x 8 epochs | 8192 | 768 | 12 | 12 | | MuPT-v1-8192-345M | 345M | 7M x 6 epochs | 8192 | 1024 | 24 | 16 | | MuPT-v1-8192-770M | 770M | 7M x 5 epochs | 8192 | 1280 | 36 | 20 | | MuPT-v1-8192-1.3B | 1.3B | 7M x 8 epochs | 8192 | 1536 | 48 | 24 | ## Model Usage #### Huggingface ##### Inference ```python from transformers import AutoModelForCausalLM, AutoModel, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("m-a-p/MuPT_v1_8192_1.3B", trust_remote_code=True, use_fast=False) model = AutoModelForCausalLM.from_pretrained("m-a-p/MuPT_v1_8192_1.3B").eval().half().cuda() prefix = "X:1<n>L:1/8<n>Q:1/8=200<n>M:4/4<n>K:Gmin<n>|:\"Gm\" BGdB" # replace "\n" with "<n>" for all the MuPT-8192 models, but not for MuPT-4096 models inputs = tokenizer(prefix, return_tensors="pt").to(model.device) max_length = 256 outputs = model.generate( inputs.input_ids, max_length=max_length ) outputs = tokenizer.decode(outputs[0]) print(outputs) ``` ##### Post-processing Since we merged multiple tracks into one track during training, we need to separate the outputs into standard ABC notation sequences. The post-processing code is as follows: ```python import re SEPARATORS = ['|', '|]', '||', '[|', '|:', ':|', '::'] SEP_DICT = {} for i, sep in enumerate(SEPARATORS, start=1): # E.g. ' | ': ' <1>' SEP_DICT[' '+sep+' '] = f' <{i}>' NEWSEP = '<|>' def sep2tok(row): for sep, tok in SEP_DICT.items(): row = row.replace(sep, tok+'<=> ') return row def tok2sep(bar): for sep, tok in SEP_DICT.items(): bar = bar.replace(tok, sep) return bar def spacing(row): for sep in SEPARATORS: def subfunc(match): symbol = [':', '|', ']'] if match.group(1) is None: return f' {sep}' elif match.group(1) in symbol: return f' {sep}{match.group(1)}' else: return ' '+sep+' '+match.group(1) pattern = r' ' + re.escape(sep) + r'(.{1})' row = re.sub(pattern, subfunc, row) row = row.replace('\n'+sep+'"', '\n '+sep+' "') # B \n|"A -> B \n | "A row = row.replace(' '+sep+'\n', ' '+sep+' \n') # B |\n -> B | \n return row def decode(piece): dec_piece = '' idx = piece.find(' '+NEWSEP+' ') heads = piece[:idx] scores = piece[idx:] scores_lst = re.split(' <\|>', scores) all_bar_lst = [] for bar in scores_lst: if bar == '': continue bar = sep2tok(bar) bar_lst = re.split('<=>', bar) bar_lst = list(map(tok2sep, bar_lst)) if len(all_bar_lst) == 0: all_bar_lst = [[] for _ in range(len(bar_lst))] for i in range(len(bar_lst)): all_bar_lst[i].append(bar_lst[i]) if len(all_bar_lst) > 1: # There might be the bar number like %30 at the end # which need to be specially handled. if len(all_bar_lst[0]) > len(all_bar_lst[1]): last_bar_lst = all_bar_lst[0][-1].split() all_bar_lst[0].pop() for i in range(len(all_bar_lst)): all_bar_lst[i].append(last_bar_lst[i]) # Add the remaining symbols to the last row. if i == len(all_bar_lst) - 1: for j in range(i+1, len(last_bar_lst)): all_bar_lst[i][-1] += ' ' + last_bar_lst[j] # Ensure the lengths are consistent. length = len(all_bar_lst[0]) for lst in all_bar_lst[1:]: # assert len(lst) == length pass dec_piece += heads for i in range(len(all_bar_lst)): if len(all_bar_lst) > 1: dec_piece += f'V:{i+1}\n' dec_piece += ''.join(all_bar_lst[i]) dec_piece += '\n' # Remove redundant spaces. dec_piece = re.sub(' {2,}', ' ', dec_piece) return dec_piece ``` Processed Output: ```shell X:1 L:1/8 Q:1/8=200 M:4/4<n>K:Gmin |:\"Gm\" BGdB fdBG |\"F\" AFcF dFcF |\"Gm\" BGdG gFBF |\"F\" AFAG AF F2 |\"Gm\" BGBd fffd |\"F\" cdcB cdeg | \"Gm\" fdcB\"Eb\" AFcA |1 BGFG\"F\" AFGc :|2 BGFG\"F\" AF F2 || ``` Once you encode the post-processed ABC notation into audio, you will hear the following music. <audio controls src="https://cdn-uploads.huggingface.co/production/uploads/640701cb4dc5f2846c91d4eb/gnBULaFjcUyXYzzIwXLZq.mpga"></audio> #### Megatron-LM We now the provide usage based on [Megatron-LM](https://github.com/NVIDIA/Megatron-LM/tree/main). Before starting, make sure you have setup the relevant environment and codebase. ```shell # pull Megatron-LM codebase mkdir -p /path/to/workspace && cd /path/to/workspace git clone https://github.com/NVIDIA/Megatron-LM.git # download the pre-trained MuPT models checkpoint and vocab files from Huggingface page mkdir -p /models/MuPT_v0_8192_1.3B && cd /models/MuPT_v0_8192_1.3B wget -O model_optim_rng.pt https://huggingface.co/m-a-p/MuPT_v0_8192_1.3B/resolve/main/model_optim_rng.pt?download=true wget -O newline.vocab https://huggingface.co/m-a-p/MuPT_v0_8192_1.3B/resolve/main/newline.vocab?download=true wget -O newline.txt https://huggingface.co/m-a-p/MuPT_v0_8192_1.3B/resolve/main/newline.txt?download=true ``` We recommend using the latest version of [NGC's PyTorch container](https://catalog.ngc.nvidia.com/orgs/nvidia/containers/pytorch) for MuPT inference. See more details in [Megatron-LM](https://github.com/NVIDIA/Megatron-LM/tree/main) ```shell # pull the latest NGC's PyTorch container, mount the workspace directory and enter the container docker run --gpus all -it --name megatron --shm-size=16g -v $PWD:/workspace -p 5000:5000 nvcr.io/nvidia/pytorch:23.11-py3 /bin/bash ``` Once you enter the container, you can start a REST server for inference. <details> <summary>Click to expand the example script</summary> #!/bin/bash # This example will start serving the 1.3B model. export CUDA_DEVICE_MAX_CONNECTIONS=1 DISTRIBUTED_ARGS="--nproc_per_node 1 \ --nnodes 1 \ --node_rank 0 \ --master_addr localhost \ --master_port 6000" CHECKPOINT=/path/to/model/checkpoint/folder VOCAB_FILE=/path/to/vocab/file MERGE_FILE=/path/to/merge/file MODEL_SIZE="1.3B" if [[ ${MODEL_SIZE} == "110M" ]]; then HIDDEN_SIZE=768; NUM_HEAD=12; NUM_QUERY_GROUP=12; NUM_LAYERS=12; FFN_HIDDEN_SIZE=3072; NORM_EPS=1e-5; elif [[ ${MODEL_SIZE} == "345M" ]]; then HIDDEN_SIZE=1024; NUM_HEAD=16; NUM_QUERY_GROUP=16; NUM_LAYERS=24; FFN_HIDDEN_SIZE=4096; NORM_EPS=1e-5; elif [[ ${MODEL_SIZE} == "770M" ]]; then HIDDEN_SIZE=1280; NUM_HEAD=20; NUM_QUERY_GROUP=20; NUM_LAYERS=36; FFN_HIDDEN_SIZE=5120; NORM_EPS=1e-5; elif [[ ${MODEL_SIZE} == "1.3B" ]]; then HIDDEN_SIZE=1536; NUM_HEAD=24; NUM_QUERY_GROUP=24; NUM_LAYERS=48; FFN_HIDDEN_SIZE=6144; NORM_EPS=1e-5; else echo "invalid MODEL_SIZE: ${MODEL_SIZE}"; exit 1 fi MAX_SEQ_LEN=8192 MAX_POSITION_EMBEDDINGS=8192 pip install flask-restful torchrun $DISTRIBUTED_ARGS tools/run_text_generation_server.py \ --tensor-model-parallel-size 1 \ --pipeline-model-parallel-size 1 \ --num-layers ${NUM_LAYERS} \ --hidden-size ${HIDDEN_SIZE} \ --ffn-hidden-size ${FFN_HIDDEN_SIZE} \ --load ${CHECKPOINT} \ --group-query-attention \ --num-query-groups ${NUM_QUERY_GROUP} \ --position-embedding-type rope \ --num-attention-heads ${NUM_HEAD} \ --max-position-embeddings ${MAX_POSITION_EMBEDDINGS} \ --tokenizer-type GPT2BPETokenizer \ --normalization RMSNorm \ --norm-epsilon ${NORM_EPS} \ --make-vocab-size-divisible-by 1 \ --swiglu \ --use-flash-attn \ --bf16 \ --micro-batch-size 1 \ --disable-bias-linear \ --no-bias-gelu-fusion \ --untie-embeddings-and-output-weights \ --seq-length ${MAX_SEQ_LEN} \ --vocab-file $VOCAB_FILE \ --merge-file $MERGE_FILE \ --attention-dropout 0.0 \ --hidden-dropout 0.0 \ --weight-decay 1e-1 \ --clip-grad 1.0 \ --adam-beta1 0.9 \ --adam-beta2 0.95 \ --adam-eps 1e-8 \ --seed 42 </details> Use CURL to query the server directly, note that the newline token `\n` is represented by `<n>` in the vocabulary, so we need to replace the newline token with `<n>` in both the prompt and the generated tokens. ```shell curl 'http://localhost:6000/api' -X 'PUT' -H 'Content-Type: application/json; charset=UTF-8' -d '{"prompts":["X:1<n>L:1/8<n>Q:1/8=200<n>M:4/4<n>K:Gmin<n>|:\"Gm\" BGdB"], "tokens_to_generate":4096}' ``` Processed Output: ```shell X:1 L:1/8 Q:1/8=200 M:4/4<n>K:Gmin |:\"Gm\" BGdB fdBG |\"F\" AFcF dFcF |\"Gm\" BGdG gFBF |\"F\" AFAG AF F2 |\"Gm\" BGBd fffd |\"F\" cdcB cdeg | \"Gm\" fdcB\"Eb\" AFcA |1 BGFG\"F\" AFGc :|2 BGFG\"F\" AF F2 || ```
Josephgflowers/TinyLlama-Cinder-1.3B-Test.2
Josephgflowers
2024-01-27T16:01:49Z
188
0
transformers
[ "transformers", "safetensors", "llama", "text-generation", "license:mit", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T13:59:10Z
--- license: mit --- 1.3B test of Cinder trained on math, step by step reasoning, and Cinder conversational stem dataset. Model Overview Cinder is an AI chatbot tailored for engaging users in scientific and educational conversations, offering companionship, and sparking imaginative exploration. It is built on the TinyLlama 1.1B parameter model and trained on a unique combination of datasets.
simoneteglia/bart-large-hexadecimal
simoneteglia
2024-01-27T15:58:57Z
175
0
transformers
[ "transformers", "safetensors", "bart", "text2text-generation", "arxiv:1910.09700", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-19T19:06:49Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
alnrg2arg/test3_prune_sft_16bit
alnrg2arg
2024-01-27T15:58:51Z
4
0
transformers
[ "transformers", "safetensors", "mistral", "text-generation", "text-generation-inference", "unsloth", "trl", "conversational", "en", "base_model:alnrg2arg/test_2_4_prune2", "base_model:finetune:alnrg2arg/test_2_4_prune2", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2024-01-27T15:48:51Z
--- language: - en license: apache-2.0 tags: - text-generation-inference - transformers - unsloth - mistral - trl base_model: alnrg2arg/test_2_4_prune2 --- # Uploaded model - **Developed by:** alnrg2arg - **License:** apache-2.0 - **Finetuned from model :** alnrg2arg/test_2_4_prune2 This mistral model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library. [<img src="https://raw.githubusercontent.com/unslothai/unsloth/main/images/unsloth%20made%20with%20love.png" width="200"/>](https://github.com/unslothai/unsloth)
stablediffusionapi/3dkeaibasev3
stablediffusionapi
2024-01-27T15:51:40Z
29
1
diffusers
[ "diffusers", "modelslab.com", "stable-diffusion-api", "text-to-image", "ultra-realistic", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2024-01-27T15:50:09Z
--- license: creativeml-openrail-m tags: - modelslab.com - stable-diffusion-api - text-to-image - ultra-realistic pinned: true --- # 3dkeaibasev3 API Inference ![generated from modelslab.com](https://pub-3626123a908346a7a8be8d9295f44e26.r2.dev/generations/8023527711706367613.png) ## Get API Key Get API key from [ModelsLab API](http://modelslab.com), No Payment needed. Replace Key in below code, change **model_id** to "3dkeaibasev3" Coding in PHP/Node/Java etc? Have a look at docs for more code examples: [View docs](https://modelslab.com/docs) Try model for free: [Generate Images](https://modelslab.com/models/3dkeaibasev3) Model link: [View model](https://modelslab.com/models/3dkeaibasev3) View all models: [View Models](https://modelslab.com/models) import requests import json url = "https://modelslab.com/api/v6/images/text2img" payload = json.dumps({ "key": "your_api_key", "model_id": "3dkeaibasev3", "prompt": "ultra realistic close up portrait ((beautiful pale cyberpunk female with heavy black eyeliner)), blue eyes, shaved side haircut, hyper detail, cinematic lighting, magic neon, dark red city, Canon EOS R3, nikon, f/1.4, ISO 200, 1/160s, 8K, RAW, unedited, symmetrical balance, in-frame, 8K", "negative_prompt": "painting, extra fingers, mutated hands, poorly drawn hands, poorly drawn face, deformed, ugly, blurry, bad anatomy, bad proportions, extra limbs, cloned face, skinny, glitchy, double torso, extra arms, extra hands, mangled fingers, missing lips, ugly face, distorted face, extra legs, anime", "width": "512", "height": "512", "samples": "1", "num_inference_steps": "30", "safety_checker": "no", "enhance_prompt": "yes", "seed": None, "guidance_scale": 7.5, "multi_lingual": "no", "panorama": "no", "self_attention": "no", "upscale": "no", "embeddings": "embeddings_model_id", "lora": "lora_model_id", "webhook": None, "track_id": None }) headers = { 'Content-Type': 'application/json' } response = requests.request("POST", url, headers=headers, data=payload) print(response.text) > Use this coupon code to get 25% off **DMGG0RBN**
crumb/ParaLlama-p-medium
crumb
2024-01-27T15:42:52Z
94
0
transformers
[ "transformers", "safetensors", "nano", "text-generation", "custom_code", "autotrain_compatible", "region:us" ]
text-generation
2024-01-25T12:25:31Z
| Tasks |Version|Filter|n-shot| Metric |Value | |Stderr| |-------------|------:|------|-----:|--------|-----:|---|-----:| |arc_challenge| 1|none | 25|acc |0.1809|± |0.0112| | | |none | 25|acc_norm|0.2201|± |0.0121| |truthfulqa_mc2| 2|none | 0|acc |0.4543|± |0.0154| |winogrande| 1|none | 5|acc |0.5154|± | 0.014| |hellaswag| 1|none | 10|acc |0.2822|± |0.0045| | | |none | 10|acc_norm|0.3009|± |0.0046| 0.26024912280701756 | Tasks |Version|Filter|n-shot|Metric|Value | |Stderr| |-----------------------------------|------:|------|-----:|------|-----:|---|-----:| |abstract_algebra | 0|none | 5|acc |0.3100|± |0.0465| |anatomy | 0|none | 5|acc |0.2667|± |0.0382| |astronomy | 0|none | 5|acc |0.1776|± |0.0311| |business_ethics | 0|none | 5|acc |0.2200|± |0.0416| |clinical_knowledge | 0|none | 5|acc |0.2528|± |0.0267| |college_biology | 0|none | 5|acc |0.2153|± |0.0344| |college_chemistry | 0|none | 5|acc |0.2300|± |0.0423| |college_computer_science | 0|none | 5|acc |0.3400|± |0.0476| |college_mathematics | 0|none | 5|acc |0.3200|± |0.0469| |college_medicine | 0|none | 5|acc |0.2370|± |0.0324| |college_physics | 0|none | 5|acc |0.1961|± |0.0395| |computer_security | 0|none | 5|acc |0.2700|± |0.0446| |conceptual_physics | 0|none | 5|acc |0.2383|± |0.0279| |econometrics | 0|none | 5|acc |0.2982|± |0.0430| |electrical_engineering | 0|none | 5|acc |0.2552|± |0.0363| |elementary_mathematics | 0|none | 5|acc |0.2513|± |0.0223| |formal_logic | 0|none | 5|acc |0.1667|± |0.0333| |global_facts | 0|none | 5|acc |0.1600|± |0.0368| |high_school_biology | 0|none | 5|acc |0.3000|± |0.0261| |high_school_chemistry | 0|none | 5|acc |0.2167|± |0.0290| |high_school_computer_science | 0|none | 5|acc |0.2300|± |0.0423| |high_school_european_history | 0|none | 5|acc |0.2242|± |0.0326| |high_school_geography | 0|none | 5|acc |0.3283|± |0.0335| |high_school_government_and_politics| 0|none | 5|acc |0.3627|± |0.0347| |high_school_macroeconomics | 0|none | 5|acc |0.3513|± |0.0242| |high_school_mathematics | 0|none | 5|acc |0.2630|± |0.0268| |high_school_microeconomics | 0|none | 5|acc |0.3067|± |0.0300| |high_school_physics | 0|none | 5|acc |0.2583|± |0.0357| |high_school_psychology | 0|none | 5|acc |0.3174|± |0.0200| |high_school_statistics | 0|none | 5|acc |0.4722|± |0.0340| |high_school_us_history | 0|none | 5|acc |0.2353|± |0.0298| |high_school_world_history | 0|none | 5|acc |0.2616|± |0.0286| |human_aging | 0|none | 5|acc |0.2108|± |0.0274| |human_sexuality | 0|none | 5|acc |0.2977|± |0.0401| |international_law | 0|none | 5|acc |0.2645|± |0.0403| |jurisprudence | 0|none | 5|acc |0.2130|± |0.0396| |logical_fallacies | 0|none | 5|acc |0.2331|± |0.0332| |machine_learning | 0|none | 5|acc |0.2857|± |0.0429| |management | 0|none | 5|acc |0.1748|± |0.0376| |marketing | 0|none | 5|acc |0.1838|± |0.0254| |medical_genetics | 0|none | 5|acc |0.3000|± |0.0461| |miscellaneous | 0|none | 5|acc |0.2720|± |0.0159| |moral_disputes | 0|none | 5|acc |0.2457|± |0.0232| |moral_scenarios | 0|none | 5|acc |0.2391|± |0.0143| |nutrition | 0|none | 5|acc |0.2255|± |0.0239| |philosophy | 0|none | 5|acc |0.1961|± |0.0226| |prehistory | 0|none | 5|acc |0.2284|± |0.0234| |professional_accounting | 0|none | 5|acc |0.2553|± |0.0260| |professional_law | 0|none | 5|acc |0.2458|± |0.0110| |professional_medicine | 0|none | 5|acc |0.4485|± |0.0302| |professional_psychology | 0|none | 5|acc |0.2516|± |0.0176| |public_relations | 0|none | 5|acc |0.2727|± |0.0427| |security_studies | 0|none | 5|acc |0.3551|± |0.0306| |sociology | 0|none | 5|acc |0.2587|± |0.0310| |us_foreign_policy | 0|none | 5|acc |0.2100|± |0.0409| |virology | 0|none | 5|acc |0.2229|± |0.0324| |world_religions | 0|none | 5|acc |0.2105|± |0.0313|
Virajtharinda/SinhalaWP
Virajtharinda
2024-01-27T15:42:49Z
104
0
transformers
[ "transformers", "pytorch", "bert", "fill-mask", "si", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2024-01-27T15:27:13Z
--- model-index: - name: sinhala-bert-small results: [] widget: - text: ළමයා ගෙදර [MASK]. - text: මට හෙට එන්න වෙන්නේ [MASK]. - text: අපි ගෙදර [MASK]. license: mit language: - si --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # sinhala-word-prediction This model is pre-trained using Sinhala data sources. ## Model description hidden_size = 384 num_hidden_layers = 6 num_attention_heads = 6 intermediate_size = 1024 ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 ### Training results ### Framework versions - Transformers 4.33.3 - Pytorch 2.0.0 - Datasets 2.14.5 - Tokenizers 0.13.3
haizad/ppo-SnowballTarget
haizad
2024-01-27T15:40:25Z
19
0
ml-agents
[ "ml-agents", "tensorboard", "onnx", "SnowballTarget", "deep-reinforcement-learning", "reinforcement-learning", "ML-Agents-SnowballTarget", "region:us" ]
reinforcement-learning
2024-01-27T15:40:11Z
--- library_name: ml-agents tags: - SnowballTarget - deep-reinforcement-learning - reinforcement-learning - ML-Agents-SnowballTarget --- # **ppo** Agent playing **SnowballTarget** This is a trained model of a **ppo** agent playing **SnowballTarget** using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents). ## Usage (with ML-Agents) The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/ We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub: - A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction - A *longer tutorial* to understand how works ML-Agents: https://huggingface.co/learn/deep-rl-course/unit5/introduction ### Resume the training ```bash mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume ``` ### Watch your Agent play You can watch your agent **playing directly in your browser** 1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity 2. Step 1: Find your model_id: haizad/ppo-SnowballTarget 3. Step 2: Select your *.nn /*.onnx file 4. Click on Watch the agent play 👀
vierlinglukas/PPO-LunarLander-v2
vierlinglukas
2024-01-27T15:31:46Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2024-01-24T09:23:50Z
--- library_name: stable-baselines3 tags: - LunarLander-v2 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: PPO results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: LunarLander-v2 type: LunarLander-v2 metrics: - type: mean_reward value: 263.99 +/- 17.58 name: mean_reward verified: false --- # **PPO** Agent playing **LunarLander-v2** This is a trained model of a **PPO** agent playing **LunarLander-v2** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```
bclavie/JaColBERT
bclavie
2024-01-27T15:30:00Z
1,675
25
RAGatouille
[ "RAGatouille", "safetensors", "bert", "ColBERT", "sentence-similarity", "ja", "dataset:bclavie/mmarco-japanese-hard-negatives", "dataset:unicamp-dl/mmarco", "arxiv:2312.16144", "arxiv:2310.19349", "base_model:tohoku-nlp/bert-base-japanese-v3", "base_model:finetune:tohoku-nlp/bert-base-japanese-v3", "license:mit", "region:us" ]
sentence-similarity
2023-12-25T22:43:54Z
--- inference: false datasets: - bclavie/mmarco-japanese-hard-negatives - unicamp-dl/mmarco language: - ja pipeline_tag: sentence-similarity tags: - ColBERT base_model: - cl-tohoku/bert-base-japanese-v3 license: mit library_name: RAGatouille --- このドキュメントの日本語版はまだ作成中です。申し訳ありません。 # Intro > Detailed report in the [arXiv Report](https://arxiv.org/abs/2312.16144) If you just want to check out how to use the model, please check out the [Usage section](#usage) below! Welcome to JaColBERT version 1, the initial release of JaColBERT, a Japanese-only document retrieval model based on [ColBERT](https://github.com/stanford-futuredata/ColBERT). It outperforms previous common Japanese models used for document retrieval, and gets close to the performance of multilingual models, despite the evaluation datasets being out-of-domain for our models but in-domain for multilingual approaches. This showcases the strong generalisation potential of ColBERT-based models, even applied to Japanese! JaColBERT is only an initial release: it is trained on only 10 million triplets from a single dataset. This is a first version, hopefully demonstrating the strong potential of this approach. The information on this model card is minimal and intends to give an overview. I've been asked before to make a citeable version, **please refer to the [Techical Report](https://ben.clavie.eu/JColBERT_v1.pdf)** for more information. # Why use a ColBERT-like approach for your RAG application? Most retrieval methods have strong tradeoffs: * __Traditional sparse approaches__, such as BM25, are strong baselines, __but__ do not leverage any semantic understanding, and thus hit a hard ceiling. * __Cross-encoder__ retriever methods are powerful, __but__ prohibitively expensive over large datasets: they must process the query against every single known document to be able to output scores. * __Dense retrieval__ methods, using dense embeddings in vector databases, are lightweight and perform well, __but__ are __not__ data-efficient (they often require hundreds of millions if not billions of training examples pairs to reach state-of-the-art performance) and generalise poorly in a lot of cases. This makes sense: representing every single aspect of a document, to be able to match it to any potential query, into a single vector is an extremely hard problem. ColBERT and its variants, including JaColBERT, aim to combine the best of all worlds: by representing the documents as essentially *bags-of-embeddings*, we obtain superior performance and strong out-of-domain generalisation at much lower compute cost than cross-encoders. The strong out-of-domain performance can be seen in our results: JaColBERT, despite not having been trained on Mr.TyDi and MIRACL, nearly matches e5 dense retrievers, who have been trained on these datasets. On JSQuAD, which is partially out-of-domain for e5 (it has only been exposed to the English version) and entirely out-of-domain for JaColBERT, it outperforms all e5 models. Moreover, this approach requires **considerably less data than dense embeddings**: To reach its current performance, JaColBERT v1 is only trained on 10M training triplets, compared to billion of examples for the multilingual e5 models. # Training ### Training Data The model is trained on the japanese split of MMARCO, augmented with hard negatives. [The data, including the hard negatives, is available on huggingface datasets](https://huggingface.co/datasets/bclavie/mmarco-japanese-hard-negatives). We do not train nor perform data augmentation on any other dataset at this stage. We hope to do so in future work, or support practitioners intending to do so (feel free to [reach out](mailto:[email protected])). ### Training Method JColBERT is trained for a single epoch (1-pass over every triplet) on 8 NVidia L4 GPUs. Total training time was around 10 hours. JColBERT is initiated from Tohoku University's excellent [bert-base-japanese-v3](https://huggingface.co/cl-tohoku/bert-base-japanese-v3) and benefitted strongly from Nagoya University's work on building [strong Japanese SimCSE models](https://arxiv.org/abs/2310.19349), among other work. We attempted to train JaColBERT with a variety of settings, including different batch sizes (8, 16, 32 per GPU) and learning rates (3e-6, 5e-6, 1e-5, 2e-5). The best results were obtained with 5e-6, though were very close when using 3e-6. Any higher learning rate consistently resulted in lower performance in early evaluations and was discarded. In all cases, we applied warmup steps equal to 10% of the total steps. In-batch negative loss was applied, and we did not use any distillation methods (using the scores from an existing model). # Results See the table below for an overview of results, vs previous Japanese-only models and the current multilingual state-of-the-art (multilingual-e5). Worth noting: JaColBERT is evaluated out-of-domain on all three datasets, whereas JSQuAD is partially (English version) and MIRACL & Mr.TyDi are fully in-domain for e5, likely contributing to their strong performance. In a real-world setting, I'm hopeful this could be bridged with moderate, quick (>2hrs) fine-tuning. (refer to the technical report for exact evaluation method + code. * indicates the best monolingual/out-of-domain result. **bold** is best overall result. _italic_ indicates the task is in-domain for the model.) | | JSQuAD | | | | MIRACL | | | | MrTyDi | | | | Average | | | | ------------------------------------------------------------------------ | ----------------------- | -------------------- | ------ | ----------------------- | ----------------------- | -------------------- | ------ | ----------------------- | ----------------------- | -------------------- | ------ | ----------------------- | ----------------------- | -------------------- | ------ | | | R@1 | R@5 | R@10 | | R@3 | R@5 | R@10 | | R@3 | R@5 | R@10 | | R@\{1\|3\} | R@5 | R@10 | | JaColBERT | **0.906*** | **0.968*** | **0.978*** | | 0.464* | 0.546* | 0.645* | | 0.744* | 0.781* | 0.821* | | 0.705* | 0.765* | 0.813* | | m-e5-large (in-domain) | 0.865 | 0.966 | 0.977 | | **0.522** | **0.600** | **0.697** | | **0.813** | **0.856** | **0.893** | | **0.730** | **0.807** | **0.856** | | m-e5-base (in-domain) | *0.838* | *0.955* | 0.973 | | 0.482 | 0.553 | 0.632 | | 0.777 | 0.815 | 0.857 | | 0.699 | 0.775 | 0.820 | | m-e5-small (in-domain) | *0.840* | *0.954* | 0.973 | | 0.464 | 0.540 | 0.640 | | 0.767 | 0.794 | 0.844 | | 0.690 | 0.763 | 0.819 | | GLuCoSE | 0.645 | 0.846 | 0.897 | | 0.369 | 0.432 | 0.515 | | *0.617* | *0.670* | 0.735 | | 0.544 | 0.649 | 0.716 | | sentence-bert-base-ja-v2 | 0.654 | 0.863 | 0.914 | | 0.172 | 0.224 | 0.338 | | 0.488 | 0.549 | 0.611 | | 0.435 | 0.545 | 0.621 | | sup-simcse-ja-base | 0.632 | 0.849 | 0.897 | | 0.133 | 0.177 | 0.264 | | 0.454 | 0.514 | 0.580 | | 0.406 | 0.513 | 0.580 | | sup-simcse-ja-large | 0.603 | 0.833 | 0.889 | | 0.159 | 0.212 | 0.295 | | 0.457 | 0.517 | 0.581 | | 0.406 | 0.521 | 0.588 | | fio-base-v0.1 | 0.700 | 0.879 | 0.924 | | *0.279* | *0.358* | 0.462 | | *0.582* | *0.649* | 0.712 | | *0.520* | *0.629* | 0.699 | # Usage ## Installation JaColBERT works using ColBERT+RAGatouille. You can install it and all its necessary dependencies by running: ```sh pip install -U ragatouille ``` For further examples on how to use RAGatouille with ColBERT models, you can check out the [`examples` section it the github repository](https://github.com/bclavie/RAGatouille/tree/main/examples). Specifically, example 01 shows how to build/query an index, 04 shows how you can use JaColBERT as a re-ranker, and 06 shows how to use JaColBERT for in-memory searching rather than using an index. Notably, RAGatouille has metadata support, so check the examples out if it's something you need! ## Encoding and querying documents without an index If you want to use JaColBERT without building an index, it's very simple, you just need to load the model, `encode()` some documents, and then `search_encoded_documents()`: ```python from ragatouille import RAGPretrainedModel RAG = RAGPretrainedModel.from_pretrained("bclavie/JaColBERT") RAG.encode(['document_1', 'document_2', ...]) RAG.search_encoded_documents(query="your search query") ``` Subsequent calls to `encode()` will add to the existing in-memory collection. If you want to empty it, simply run `RAG.clear_encoded_docs()`. ## Indexing In order for the late-interaction retrieval approach used by ColBERT to work, you must first build your index. Think of it like using an embedding model, like e5, to embed all your documents and storing them in a vector database. Indexing is the slowest step retrieval is extremely quick. There are some tricks to speed it up, but the default settings work fairly well: ```python from ragatouille import RAGPretrainedModel RAG = RAGPretrainedModel.from_pretrained("bclavie/JaColBERT") documents = [ "マクドナルドのフライドポテトの少量のカロリーはいくつですか?マクドナルドの小さなフライドポテトのカロリーマクドナルドのウェブサイトには、次のように記載されています。フライドポテトの小さな注文で230カロリーケチャップで25カロリー、ケチャップパケットで15カロリー。",] RAG.index(name="My_first_index", collection=documents) ``` The index files are stored, by default, at `.ragatouille/colbert/indexes/{index_name}`. And that's it! Let it run, and your index and all its representations (compressed to 2bits by default) will have been generated. ## Searching Once you have created an index, searching through it is just as simple! If you're in the same session and `RAG` is still loaded, you can directly search the newly created index. Otherwise, you'll want to load it from disk: ```python RAG = RAGPretrainedModel.from_index(".ragatouille/colbert/indexes/My_first_index") ``` And then query it: ```python RAG.search(query="What animation studio did Miyazaki found?") > [{'content': 'In April 1984, Miyazaki opened his own office in Suginami Ward, naming it Nibariki.\n\n\n=== Studio Ghibli ===\n\n\n==== Early films (1985–1996) ====\nIn June 1985, Miyazaki, Takahata, Tokuma and Suzuki founded the animation production company Studio Ghibli, with funding from Tokuma Shoten. Studio Ghibli\'s first film, Laputa: Castle in the Sky (1986), employed the same production crew of Nausicaä. Miyazaki\'s designs for the film\'s setting were inspired by Greek architecture and "European urbanistic templates".', 'score': 25.90448570251465, 'rank': 1, 'document_id': 'miyazaki', 'document_metadata': {'entity': 'person', 'source': 'wikipedia'}}, {'content': 'Hayao Miyazaki (宮崎 駿 or 宮﨑 駿, Miyazaki Hayao, Japanese: [mijaꜜzaki hajao]; born January 5, 1941) is a Japanese animator, filmmaker, and manga artist. A co-founder of Studio Ghibli, he has attained international acclaim as a masterful storyteller and creator of Japanese animated feature films, and is widely regarded as one of the most accomplished filmmakers in the history of animation.\nBorn in Tokyo City in the Empire of Japan, Miyazaki expressed interest in manga and animation from an early age, and he joined Toei Animation in 1963. During his early years at Toei Animation he worked as an in-between artist and later collaborated with director Isao Takahata.', 'score': 25.572620391845703, 'rank': 2, 'document_id': 'miyazaki', 'document_metadata': {'entity': 'person', 'source': 'wikipedia'}}, [...] ] ``` # Citation If you'd like to cite this work, please cite the technical report: ``` @misc{clavié2023jacolbert, title={JaColBERT and Hard Negatives, Towards Better Japanese-First Embeddings for Retrieval: Early Technical Report}, author={Benjamin Clavié}, year={2023}, eprint={2312.16144}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
tiagoblima/mt5_base-qg-aas-oficial
tiagoblima
2024-01-27T15:23:29Z
5
0
transformers
[ "transformers", "safetensors", "mt5", "text2text-generation", "generated_from_trainer", "dataset:tiagoblima/preprocessed-du-qg-squadv1_pt", "base_model:google/mt5-base", "base_model:finetune:google/mt5-base", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2024-01-27T14:03:30Z
--- license: apache-2.0 base_model: google/mt5-base tags: - generated_from_trainer datasets: - tiagoblima/preprocessed-du-qg-squadv1_pt model-index: - name: mt5_base-qg-aas-oficial results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # mt5_base-qg-aas-oficial This model is a fine-tuned version of [google/mt5-base](https://huggingface.co/google/mt5-base) on the tiagoblima/preprocessed-du-qg-squadv1_pt dataset. It achieves the following results on the evaluation set: - Loss: 1.5883 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 32 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-06 - lr_scheduler_type: linear - num_epochs: 5.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.9679 | 1.0 | 1386 | 1.6873 | | 1.7971 | 2.0 | 2772 | 1.6266 | | 1.6798 | 3.0 | 4158 | 1.5994 | | 1.6261 | 4.0 | 5544 | 1.5885 | | 1.5887 | 5.0 | 6930 | 1.5883 | ### Framework versions - Transformers 4.35.2 - Pytorch 2.1.0+cu121 - Datasets 2.15.0 - Tokenizers 0.15.1
nccsnlp/med42-70b_ct_prompt1b_ft200_v1
nccsnlp
2024-01-27T15:08:38Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2024-01-27T15:07:39Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]